init skywork repo

This commit is contained in:
liang.zhao 2023-10-30 03:13:04 +00:00
commit f45e61a55d
51 changed files with 18006 additions and 0 deletions

16
.gitignore vendored Normal file
View File

@ -0,0 +1,16 @@
data_cache/*
data_cache
scripts.sh
skywork_model_config
skywork_model_config/*
skywork_model_config.tar
wandb/*
*/__pycache__/*
test/*
logs/*
test
wandb
wandb/*
.DS_Store
model_cards_old/*
model_cards_old

38
LICENSE Normal file
View File

@ -0,0 +1,38 @@
---
language:
- en
- zh
license: other
tasks:
- text-generation
---
<!-- markdownlint-disable first-line-h1 -->
<!-- markdownlint-disable html -->
# <span id="Terms">声明与协议/Terms and Conditions</span>
## 声明
我们在此声明不要利用Skywork模型进行任何危害国家社会安全或违法的活动。另外我们也要求使用者不要将 Skywork 模型用于未经适当安全审查和备案的互联网服务。我们希望所有的使用者都能遵守这个原则,确保科技的发展能在规范和合法的环境下进行。
我们已经尽我们所能来确保模型训练过程中使用的数据的合规性。然而尽管我们已经做出了巨大的努力但由于模型和数据的复杂性仍有可能存在一些无法预见的问题。因此如果由于使用skywork开源模型而导致的任何问题包括但不限于数据安全问题、公共舆论风险或模型被误导、滥用、传播或不当利用所带来的任何风险和问题我们将不承担任何责任。
We hereby declare that the Skywork model should not be used for any activities that pose a threat to national or societal security or engage in unlawful actions. Additionally, we request users not to deploy the Skywork model for internet services without appropriate security reviews and records. We hope that all users will adhere to this principle to ensure that technological advancements occur in a regulated and lawful environment.
We have done our utmost to ensure the compliance of the data used during the model's training process. However, despite our extensive efforts, due to the complexity of the model and data, there may still be unpredictable risks and issues. Therefore, if any problems arise as a result of using the Skywork open-source model, including but not limited to data security issues, public opinion risks, or any risks and problems arising from the model being misled, abused, disseminated, or improperly utilized, we will not assume any responsibility.
## 协议
社区使用Skywork模型需要遵循[《Skywork 模型社区许可协议》](https://github.com/SkyworkAI/Skywork/blob/main/Skywork%20模型社区许可协议.pdf)。Skywork模型支持商业用途如果您计划将Skywork模型或其衍生品用于商业目的无需再次申请 但请您仔细阅读[《Skywork 模型社区许可协议》](https://github.com/SkyworkAI/Skywork/blob/main/Skywork%20模型社区许可协议.pdf)并严格遵守相关条款。
The community usage of Skywork model requires [Skywork Community License](https://github.com/SkyworkAI/Skywork/blob/main/Skywork%20Community%20License.pdf). The Skywork model supports commercial use. If you plan to use the Skywork model or its derivatives for commercial purposes, you must abide by terms and conditions within [Skywork Community License](https://github.com/SkyworkAI/Skywork/blob/main/Skywork%20Community%20License.pdf).
[《Skywork 模型社区许可协议》》]:https://github.com/SkyworkAI/Skywork/blob/main/Skywork%20模型社区许可协议.pdf
[skywork-opensource@kunlun-inc.com]: mailto:skywork-opensource@kunlun-inc.com

1282
README.md Normal file

File diff suppressed because it is too large Load Diff

1279
README_EN.md Normal file

File diff suppressed because it is too large Load Diff

Binary file not shown.

Binary file not shown.

View File

@ -0,0 +1,125 @@
set -x
export WANDB_API_KEY=${WANDB_API_KEY:-YOUR_WANDB_API_KEY}
export WANDB_ENTITY=${WANDB_ENTITY:-YOUR_WANDB_ENTITY}
export WANDB_PROJECT=${WANDB_PROJECT:-YOUR_WANDB_PROJECT}
GPUS_PER_NODE=8
NODE_RANK=$([ -z "$RANK" ] && echo -n 0 || echo -n $RANK)
NNODES=$([ -z "$WORLD_SIZE" ] && echo -n 1 || echo -n $WORLD_SIZE)
MAX_STEP=1000
LR=1e-4
DEBUG="false"
ZERO_STAGE=2
TASK_TYPE="pt"
GLOBAL_BATCH_SIZE=32 # 8 * 4
MICRO_BATCH_SIZE=1
SAVE_STEP=500
EVAL_STEP=500
GRAD_ACC=$((${GLOBAL_BATCH_SIZE} / (${GPUS_PER_NODE} * $NNODES * ${MICRO_BATCH_SIZE}) ))
FLAG=Skywork-13B-Base-pt-zero${ZERO_STAGE}-peaklr${LR}-steps${MAX_STEP}-gbs${GLOBAL_BATCH_SIZE}
ROOT_PATH=${ROOT_PATH:-/data/user/your_name}
MODEL_PATH=${MODEL_PATH:-SKYWORK_13B_BASE_MODEL_PATH}
DATA_CACHE_DIR=${DATA_CACHE_DIR}
OUTPUT_DIR=$ROOT_PATH/run_output/skywork-13b-pt-trainer/$FLAG
LOAD_MODEL_PATH=$([ -z "$MODEL_PATH" ] && echo -n "$OUTPUT_DIR" || echo -n "$MODEL_PATH")
DISTRIBUTED_ARGS="--nproc_per_node $GPUS_PER_NODE --nnodes $NNODES --master_port 29501"
if [[ $NNODES -gt 1 ]]; then
export NCCL_IB_HCA=mlx5
export NCCL_IB_TC=136
export NCCL_IB_SL=5
export NCCL_IB_GID_INDEX=3
export NCCL_IB_TIMEOUT=22
export NCCL_SOCKET_IFNAME=bond0
export NCCL_DEBUG=INFO
NODE_RANK=$RANK
if [ "$MASTER_ADDR" == "localhost" ] ; then $MASTER_ADDR=`hostname`; fi
echo $MASTER_ADDR
echo $MASTER_PORT
DISTRIBUTED_ARGS="--nproc_per_node $GPUS_PER_NODE --nnodes $NNODES --node_rank $NODE_RANK --master_addr $MASTER_ADDR --master_port $MASTER_PORT"
fi
if [ "$DEBUG" = "true" ]; then
EVAL_STEP=5
GLOBAL_BATCH_SIZE=8
GRAD_ACC=1
fi
DS_CONFIG=${DS_CONFIG:-train/ds_config/zero3_offload.json}
LOG_ARGS="
--logging_steps 1 \
--logging_dir tensorboard/$FLAG \
--logging_strategy steps \
--logging_first_step True \
--report_to wandb \
--run_name $FLAG
"
OUTPUT_ARGS="
--save_strategy steps \
--save_total_limit 500 \
--save_steps $SAVE_STEP \
--output_dir $OUTPUT_DIR \
--overwrite_output_dir
"
TRAIN_ARGS="
--task_type $TASK_TYPE \
--do_train \
--max_steps $MAX_STEP \
--lr_scheduler_type constant_with_warmup \
--learning_rate $LR \
--weight_decay 0.1 \
--warmup_steps 20 \
--adam_beta1 0.9 \
--adam_beta2 0.95 \
--gradient_accumulation_steps $GRAD_ACC \
--per_device_train_batch_size $MICRO_BATCH_SIZE
"
EVAL_ARGS="
--do_eval \
--evaluation_strategy steps \
--eval_steps $EVAL_STEP \
--per_device_eval_batch_size 1
"
INPUT_ARGS="
--model_name_or_path $LOAD_MODEL_PATH \
--tokenizer_name_or_path $LOAD_MODEL_PATH \
--data_cache_dir $DATA_CACHE_DIR
"
EXTRA_ARGS="
--seed 1234 \
--deepspeed $DS_CONFIG \
--gradient_checkpointing \
--ddp_find_unused_parameters False \
--preprocessing_num_workers 12 \
--ddp_timeout 30000 \
--torch_dtype bfloat16 \
--bf16 \
--load_in_kbits 16
"
mkdir -p logs/$FLAG || True
torchrun $DISTRIBUTED_ARGS train/train.py \
$LOG_ARGS \
$OUTPUT_ARGS \
$TRAIN_ARGS \
$EVAL_ARGS \
$INPUT_ARGS \
$EXTRA_ARGS 2>&1 | tee -a logs/$FLAG/$RANK.log

View File

@ -0,0 +1,135 @@
set -x
export WANDB_API_KEY=${WANDB_API_KEY:-YOUR_WANDB_API_KEY}
export WANDB_ENTITY=${WANDB_ENTITY:-YOUR_WANDB_ENTITY}
export WANDB_PROJECT=${WANDB_PROJECT:-YOUR_WANDB_PROJECT}
GPUS_PER_NODE=8
NODE_RANK=$([ -z "$RANK" ] && echo -n 0 || echo -n $RANK)
NNODES=$([ -z "$WORLD_SIZE" ] && echo -n 1 || echo -n $WORLD_SIZE)
DEBUG="false"
USE_LORA="true"
TASK_TYPE="pt"
MAX_STEP=1000
LR=1e-4
GLOBAL_BATCH_SIZE=32 # 8 * 4
MICRO_BATCH_SIZE=1
SAVE_STEP=1000
EVAL_STEP=1000
GRAD_ACC=$((${GLOBAL_BATCH_SIZE} / (${GPUS_PER_NODE} * $NNODES * ${MICRO_BATCH_SIZE}) ))
FLAG=Skywork-13B-Base-pt-lora-peaklr${LR}-steps${MAX_STEP}-gbs${GLOBAL_BATCH_SIZE}
ROOT_PATH=${ROOT_PATH:-/data/user/your_name}
MODEL_PATH=${MODEL_PATH:-SKYWORK_13B_BASE_MODEL_PATH}
DATA_CACHE_DIR=${DATA_CACHE_DIR}
OUTPUT_DIR=$ROOT_PATH/run_output/skywork-13b-pt-trainer/$FLAG
LOAD_MODEL_PATH=$([ -z "$MODEL_PATH" ] && echo -n "$OUTPUT_DIR" || echo -n "$MODEL_PATH")
DISTRIBUTED_ARGS="--nproc_per_node $GPUS_PER_NODE --nnodes $NNODES --master_port 29501"
if [[ $NNODES -gt 1 ]]; then
export NCCL_IB_HCA=mlx5
export NCCL_IB_TC=136
export NCCL_IB_SL=5
export NCCL_IB_GID_INDEX=3
export NCCL_IB_TIMEOUT=22
export NCCL_SOCKET_IFNAME=bond0
export NCCL_DEBUG=INFO
NODE_RANK=$RANK
if [ "$MASTER_ADDR" == "localhost" ] ; then $MASTER_ADDR=`hostname`; fi
echo $MASTER_ADDR
echo $MASTER_PORT
DISTRIBUTED_ARGS="--nproc_per_node $GPUS_PER_NODE --nnodes $NNODES --node_rank $NODE_RANK --master_addr $MASTER_ADDR --master_port $MASTER_PORT"
fi
if [ "$DEBUG" = "true" ]; then
EVAL_STEP=5
GLOBAL_BATCH_SIZE=8
GRAD_ACC=1
fi
DS_CONFIG=${DS_CONFIG:-train/ds_config/zero3_offload.json}
LOG_ARGS="
--logging_steps 1 \
--logging_dir tensorboard/$FLAG \
--logging_strategy steps \
--logging_first_step True \
--report_to wandb \
--run_name $FLAG
"
OUTPUT_ARGS="
--save_strategy steps \
--save_total_limit 500 \
--save_steps $SAVE_STEP \
--output_dir $OUTPUT_DIR \
--overwrite_output_dir
"
TRAIN_ARGS="
--task_type $TASK_TYPE \
--do_train \
--max_steps $MAX_STEP \
--lr_scheduler_type constant_with_warmup \
--learning_rate $LR \
--weight_decay 0.1 \
--warmup_steps 20 \
--adam_beta1 0.9 \
--adam_beta2 0.95 \
--gradient_accumulation_steps $GRAD_ACC \
--per_device_train_batch_size $MICRO_BATCH_SIZE
"
EVAL_ARGS="
--do_eval \
--evaluation_strategy steps \
--eval_steps $EVAL_STEP \
--per_device_eval_batch_size 1
"
LORA_ARGS=""
if [ "$USE_LORA" = "true" ]; then
LORA_ARGS="
--use_lora \
--lora_r 32 \
--lora_alpha 8 \
--lora_dropout 0.1
"
fi
INPUT_ARGS="
--model_name_or_path $LOAD_MODEL_PATH \
--tokenizer_name_or_path $LOAD_MODEL_PATH \
--data_cache_dir $DATA_CACHE_DIR
"
EXTRA_ARGS="
--seed 1234 \
--deepspeed $DS_CONFIG \
--gradient_checkpointing \
--ddp_find_unused_parameters False \
--preprocessing_num_workers 12 \
--ddp_timeout 30000 \
--torch_dtype bfloat16 \
--bf16 \
--load_in_kbits 16
"
mkdir -p logs/$FLAG || True
torchrun $DISTRIBUTED_ARGS train/train.py \
$LOG_ARGS \
$OUTPUT_ARGS \
$TRAIN_ARGS \
$EVAL_ARGS \
$INPUT_ARGS \
$LORA_ARGS \
$EXTRA_ARGS 2>&1 | tee -a logs/$FLAG/$RANK.log

View File

@ -0,0 +1,128 @@
set -x
export WANDB_API_KEY=${WANDB_API_KEY:-YOUR_WANDB_API_KEY}
export WANDB_ENTITY=${WANDB_ENTITY:-YOUR_WANDB_ENTITY}
export WANDB_PROJECT=${WANDB_PROJECT:-YOUR_WANDB_PROJECT}
GPUS_PER_NODE=8
NODE_RANK=$([ -z "$RANK" ] && echo -n 0 || echo -n $RANK)
NNODES=$([ -z "$WORLD_SIZE" ] && echo -n 1 || echo -n $WORLD_SIZE)
DEBUG="false"
USE_LORA="false"
TASK_TYPE="sft"
MAX_STEP=1000
LR=1e-4
MAX_LENGTH=4096
GLOBAL_BATCH_SIZE=32 # 8 * 4
MICRO_BATCH_SIZE=1
SAVE_STEP=500
EVAL_STEP=500
GRAD_ACC=$((${GLOBAL_BATCH_SIZE} / (${GPUS_PER_NODE} * $NNODES * ${MICRO_BATCH_SIZE}) ))
FLAG=Skywork-13B-Base-sft-peaklr${LR}-steps${MAX_STEP}-gbs${GLOBAL_BATCH_SIZE}
ROOT_PATH=${ROOT_PATH:-/data/user/your_name}
MODEL_PATH=${MODEL_PATH:-SKYWORK_13B_BASE_MODEL_PATH}
SFT_DATA_DIR=${SFT_DATA_DIR:-"YOUR_DATA_DIR"}
DATA_CACHE_DIR=${DATA_CACHE_DIR:-"YOUR_DATA_CACHE_DIR"}
OUTPUT_DIR=$ROOT_PATH/run_output/skywork-13b-sft-trainer/$FLAG
LOAD_MODEL_PATH=$([ -z "$MODEL_PATH" ] && echo -n "$OUTPUT_DIR" || echo -n "$MODEL_PATH")
DISTRIBUTED_ARGS="--nproc_per_node $GPUS_PER_NODE --nnodes $NNODES --master_port 29501"
if [[ $NNODES -gt 1 ]]; then
export NCCL_IB_HCA=mlx5
export NCCL_IB_TC=136
export NCCL_IB_SL=5
export NCCL_IB_GID_INDEX=3
export NCCL_IB_TIMEOUT=22
export NCCL_SOCKET_IFNAME=bond0
export NCCL_DEBUG=INFO
NODE_RANK=$RANK
if [ "$MASTER_ADDR" == "localhost" ] ; then $MASTER_ADDR=`hostname`; fi
echo $MASTER_ADDR
echo $MASTER_PORT
DISTRIBUTED_ARGS="--nproc_per_node $GPUS_PER_NODE --nnodes $NNODES --node_rank $NODE_RANK --master_addr $MASTER_ADDR --master_port $MASTER_PORT"
fi
if [ "$DEBUG" = "true" ]; then
EVAL_STEP=5
GLOBAL_BATCH_SIZE=8
GRAD_ACC=1
fi
DS_CONFIG=${DS_CONFIG:-train/ds_config/zero3_offload.json}
LOG_ARGS="
--logging_steps 1 \
--logging_dir tensorboard/$FLAG \
--logging_strategy steps \
--logging_first_step True \
--report_to wandb \
--run_name $FLAG
"
OUTPUT_ARGS="
--save_strategy steps \
--save_total_limit 500 \
--save_steps $SAVE_STEP \
--output_dir $OUTPUT_DIR \
--overwrite_output_dir
"
TRAIN_ARGS="
--task_type $TASK_TYPE \
--do_train \
--max_seq_length $MAX_LENGTH \
--max_steps $MAX_STEP \
--lr_scheduler_type constant_with_warmup \
--learning_rate $LR \
--weight_decay 0.1 \
--warmup_steps 20 \
--adam_beta1 0.9 \
--adam_beta2 0.95 \
--gradient_accumulation_steps $GRAD_ACC \
--per_device_train_batch_size $MICRO_BATCH_SIZE
"
EVAL_ARGS="
--do_eval \
--evaluation_strategy steps \
--eval_steps $EVAL_STEP \
--per_device_eval_batch_size 1
"
INPUT_ARGS="
--model_name_or_path $LOAD_MODEL_PATH \
--tokenizer_name_or_path $LOAD_MODEL_PATH \
--sft_dataset_dir $SFT_DATA_DIR \
--data_cache_dir $DATA_CACHE_DIR
"
EXTRA_ARGS="
--seed 1234 \
--deepspeed $DS_CONFIG \
--gradient_checkpointing \
--ddp_find_unused_parameters False \
--preprocessing_num_workers 12 \
--ddp_timeout 30000 \
--torch_dtype bfloat16 \
--bf16 \
--load_in_kbits 16
"
mkdir -p logs/$FLAG || True
torchrun $DISTRIBUTED_ARGS train/train.py \
$LOG_ARGS \
$OUTPUT_ARGS \
$TRAIN_ARGS \
$EVAL_ARGS \
$INPUT_ARGS \
$EXTRA_ARGS 2>&1 | tee -a logs/$FLAG/$RANK.log

View File

@ -0,0 +1,141 @@
set -x
export WANDB_API_KEY=${WANDB_API_KEY:-YOUR_WANDB_API_KEY}
export WANDB_ENTITY=${WANDB_ENTITY:-YOUR_WANDB_ENTITY}
export WANDB_PROJECT=${WANDB_PROJECT:-YOUR_WANDB_PROJECT}
GPUS_PER_NODE=8
NODE_RANK=$([ -z "$RANK" ] && echo -n 0 || echo -n $RANK)
NNODES=$([ -z "$WORLD_SIZE" ] && echo -n 1 || echo -n $WORLD_SIZE)
DEBUG="false"
USE_LORA="true"
TASK_TYPE="sft"
MAX_STEP=1000
LR=1e-4
MAX_LENGTH=4096
GLOBAL_BATCH_SIZE=32 # 8 * 4
MICRO_BATCH_SIZE=1
SAVE_STEP=500
EVAL_STEP=500
GRAD_ACC=$((${GLOBAL_BATCH_SIZE} / (${GPUS_PER_NODE} * $NNODES * ${MICRO_BATCH_SIZE}) ))
FLAG=Skywork-13B-Base-sft-lora-peaklr${LR}-steps${MAX_STEP}-gbs${GLOBAL_BATCH_SIZE}
ROOT_PATH=${ROOT_PATH:-/data/user/your_name}
MODEL_PATH=${MODEL_PATH:-SKYWORK_13B_BASE_MODEL_PATH}
SFT_DATA_DIR=${SFT_DATA_DIR:-"YOUR_DATA_DIR"}
DATA_CACHE_DIR=${DATA_CACHE_DIR:-"YOUR_DATA_CACHE_DIR"}
OUTPUT_DIR=$ROOT_PATH/run_output/skywork-13b-sft-trainer/$FLAG
LOAD_MODEL_PATH=$([ -z "$MODEL_PATH" ] && echo -n "$OUTPUT_DIR" || echo -n "$MODEL_PATH")
DISTRIBUTED_ARGS="--nproc_per_node $GPUS_PER_NODE --nnodes $NNODES --master_port 29501"
if [[ $NNODES -gt 1 ]]; then
export NCCL_IB_HCA=mlx5
export NCCL_IB_TC=136
export NCCL_IB_SL=5
export NCCL_IB_GID_INDEX=3
export NCCL_IB_TIMEOUT=22
export NCCL_SOCKET_IFNAME=bond0
export NCCL_DEBUG=INFO
NODE_RANK=$RANK
if [ "$MASTER_ADDR" == "localhost" ] ; then $MASTER_ADDR=`hostname`; fi
echo $MASTER_ADDR
echo $MASTER_PORT
DISTRIBUTED_ARGS="--nproc_per_node $GPUS_PER_NODE --nnodes $NNODES --node_rank $NODE_RANK --master_addr $MASTER_ADDR --master_port $MASTER_PORT"
fi
if [ "$DEBUG" = "true" ]; then
EVAL_STEP=5
GLOBAL_BATCH_SIZE=8
GRAD_ACC=1
fi
DS_CONFIG=${DS_CONFIG:-train/ds_config/zero3_offload.json}
LOG_ARGS="
--logging_steps 1 \
--logging_dir tensorboard/$FLAG \
--logging_strategy steps \
--logging_first_step True \
--report_to wandb \
--run_name $FLAG
"
OUTPUT_ARGS="
--save_strategy steps \
--save_total_limit 500 \
--save_steps $SAVE_STEP \
--output_dir $OUTPUT_DIR \
--overwrite_output_dir
"
TRAIN_ARGS="
--task_type $TASK_TYPE \
--do_train \
--max_seq_length $MAX_LENGTH \
--max_steps $MAX_STEP \
--lr_scheduler_type constant_with_warmup \
--learning_rate $LR \
--weight_decay 0.1 \
--warmup_steps 20 \
--adam_beta1 0.9 \
--adam_beta2 0.95 \
--gradient_accumulation_steps $GRAD_ACC \
--per_device_train_batch_size $MICRO_BATCH_SIZE
"
EVAL_ARGS="
--do_eval \
--evaluation_strategy steps \
--eval_steps $EVAL_STEP \
--per_device_eval_batch_size 1
"
LORA_ARGS=""
if [ "$USE_LORA" = "true" ]; then
LORA_ARGS="
--use_lora \
--lora_r 32 \
--lora_alpha 8 \
--lora_dropout 0.1
"
fi
INPUT_ARGS="
--model_name_or_path $LOAD_MODEL_PATH \
--tokenizer_name_or_path $LOAD_MODEL_PATH \
--sft_dataset_dir $SFT_DATA_DIR \
--data_cache_dir $DATA_CACHE_DIR
"
EXTRA_ARGS="
--seed 1234 \
--deepspeed $DS_CONFIG \
--gradient_checkpointing \
--ddp_find_unused_parameters False \
--preprocessing_num_workers 12 \
--ddp_timeout 30000 \
--torch_dtype bfloat16 \
--bf16 \
--load_in_kbits 16
"
mkdir -p logs/$FLAG || True
torchrun $DISTRIBUTED_ARGS train/train.py \
$LOG_ARGS \
$OUTPUT_ARGS \
$TRAIN_ARGS \
$EVAL_ARGS \
$INPUT_ARGS \
$LORA_ARGS \
$EXTRA_ARGS 2>&1 | tee -a logs/$FLAG/$RANK.log

View File

@ -0,0 +1,13 @@
for LOSS_DATA in zh_finance zh_general zh_government zh_movie zh_news zh_tech
do
export HF_MODEL_PATH=YOUR_SKYWORK_HF_BASE_MODEL
export FLAG=skywork-13b-base
export DATA=$LOSS_DATA
export BATCH_SIZE=16
mkdir -p prediction/$DATA/$FLAG
python eval/eval_loss_tp.py \
-m $HF_MODEL_PATH --n-gpus 8 \
-d data/eval_loss/$DATA.jsonl --data-type json -i text -b $BATCH_SIZE --max-tokens 4096 --max-samples 10000 \
-o prediction/$DATA/$FLAG/result.txt
done

99
cli_demo.py Normal file
View File

@ -0,0 +1,99 @@
from transformers import AutoModelForCausalLM, AutoTokenizer
from transformers.generation import GenerationConfig
from transformers import AutoConfig
import torch
import argparse
def load(tokenizer_path, checkpoint_path, use_cpu=False):
print('Loading tokenizer ...')
tokenizer = AutoTokenizer.from_pretrained(
tokenizer_path, use_fast=False, trust_remote_code=True, padding_side='left')
tokenizer.add_tokens("[USER]")
tokenizer.add_tokens("[BOT]")
tokenizer.add_tokens("[SEP]")
print('Loading model ...')
config = AutoConfig.from_pretrained(checkpoint_path, trust_remote_code=True)
if use_cpu:
device_map = "cpu"
else:
device_map = "balanced_low_0"
model = AutoModelForCausalLM.from_pretrained(
checkpoint_path, config=config, device_map=device_map, torch_dtype=torch.bfloat16, trust_remote_code=True)
model.generation_config = GenerationConfig.from_pretrained(
checkpoint_path, trust_remote_code=True)
model.generation_config.do_sample = True
model.eval()
if tokenizer.pad_token_id is None:
if tokenizer.eos_token_id is not None:
tokenizer.pad_token_id = tokenizer.eos_token_id
else:
tokenizer.pad_token_id = 0
return model, tokenizer
def special_encode(prompt, tokenizer):
raw_str = "[USER]%s[SEP][BOT]" % prompt.strip().replace("\r", "")
bos_id = tokenizer.bos_token_id
eos_id = tokenizer.eos_token_id
sep_id = tokenizer.encode("[SEP]")[-1]
res_id = [eos_id, bos_id]
arr = raw_str.split("[SEP]")
for elem_idx in range(len(arr)):
elem = arr[elem_idx]
elem_id = tokenizer.encode(elem)[1:]
res_id += elem_id
if elem_idx < len(arr) - 1:
res_id.append(sep_id)
return res_id
def extract_res(response):
if "[BOT]" in response:
response = response.split("[BOT]")[1]
if "<s>" in response:
response = response.split("<s>")[-1]
if "</s>" in response:
response = response.split("</s>")[0]
if "[SEP]" in response:
response = response.split("[SEP]")[0]
return response[1:]
if __name__ == '__main__':
parser = argparse.ArgumentParser("Skywork-cli-demo")
parser.add_argument("-m", "--model_path", type=str, default="skywork-13b-chat")
parser.add_argument("-n", "--max_new_tokens", type=int, default=1000)
parser.add_argument("-t", "--temperature", type=float, default=0.95)
parser.add_argument("-p", "--top_p", type=float, default=0.8)
parser.add_argument("-k", "--top_k", type=int, default=5)
parser.add_argument("--cpu", action='store_true', help="inference with cpu")
args = parser.parse_args()
model, tokenizer = load(args.model_path, args.model_path, args.cpu)
while True:
doc = input("输入:")
input_tokens = special_encode(doc, tokenizer)
input_tokens = torch.tensor(input_tokens).to(model.device).reshape(1, -1)
response = model.generate(input_tokens,
max_new_tokens=args.max_new_tokens,
pad_token_id=tokenizer.pad_token_id,
do_sample=True,
top_p=args.top_p,
top_k=args.top_k,
temperature=args.temperature,
num_return_sequences=1,
repetition_penalty=1.1,
bos_token_id=1,
eos_token_id=2)
response = tokenizer.decode(response.cpu()[0], skip_special_tokens=True)
response = extract_res(response)
print("模型输出:")
print(response)

View File

@ -0,0 +1,706 @@
{"text": "The room is 12 feet long and 10 feet wide. To find the area, you simply multiply the length by the width. So, the area of the room is 12 feet * 10 feet = <<12*10=120>>120 square feet. #### 120"}
{"text": "The car is traveling from Town A to Town B which is 90 miles away. The car moves at a speed of 30 miles per hour. To find out how many hours it takes for the car to reach Town B, you divide the total distance by the speed of the car. So, we'll do 90 miles divided by 30 miles per hour. This gives us <<90/30=3>>3. So, it takes the car 3 hours to get from Town A to Town B. #### 3"}
{"text": "The medium pizza is twice the size of the small one, so its diameter is 10 inches * 2 = <<10*2=20>>20 inches. The large pizza is three times the size of the small one, so its diameter is 10 inches * 3 = <<10*3=30>>30 inches. Adding up the diameters of all the pizzas, we get 10 inches (small) + 20 inches (medium) + 30 inches (large) = <<10+20+30=60>>60 inches is the total diameter of all three pizzas. #### 60"}
{"text": "In a town with 500 people, 30% of them own a car. We're trying to find out how many cars are in the town. To do this, we need to figure out what 30% of 500 is. To find 30% of 500, we multiply 500 by 30/100, which gives us 500 * 30/100 = <<500*30/100=150>>150. So, there are 150 cars in the town. #### 150"}
{"text": "Liam wants to buy a book that is $18 but he already has $6 saved up. He saves $2 every week. So how many more weeks does he need to save to get the book? Well, he still needs to save $18 - $6 = <<18-6=12>>$12 to afford the book. Since he saves $2 every week, he will need to save for $12 ÷ $2 = <<12/2=6>>6 more weeks. So, Liam needs to save up for 6 more weeks to buy the book. #### 6"}
{"text": "Emily wants to buy a bike that costs $150. She saves $10 every week. How long will it take her to save enough money to buy the bike? We find out by dividing the total cost of the bike by how much Emily saves each week. That's $150 divided by $10. So, $150 ÷ $10 = <<150/10=15>>15. Therefore, Emily will need to save her money for 15 weeks to buy the bike. #### 15"}
{"text": "Jessica sells tomatoes in her garden for $3 per pound, and she sells 10 pounds. So, she makes 3 * 10 = <<3*10=30>>$30 from the tomatoes. She also sells cucumbers for $2 per pound, and she sells 15 pounds. So, she makes 2 * 15 = <<2*15=30>>$30 from the cucumbers. To find out how much money she makes in total, you just add the money she made from the tomatoes and cucumbers together, which is 30 + 30 = <<30+30=60>>$60 #### 60"}
{"text": "If a field is 100 meters long and 50 meters wide, how long is the whole outline of the field? To find this, we add up all the sides of the field. But since it's a rectangle, we can just add the length and the width and then double it. So, let's first add up the length and the width: 100 meters + 50 meters = <<100+50=150>>150 meters. Now, we have to remember there are two sides that are 100 meters and two sides that are 50 meters, so we multiply our result by 2: 2 * 150 meters = <<2*150=300>>300 meters. So, the whole outline of the field is 300 meters. #### 300"}
{"text": "A mountain climber is climbing a mountain peak that is 12,740 feet above sea level. The climb is done in two parts. The first part is climbing to a rest station. This first part is 2/3 of the whole climb. So, how high is the rest station above sea level? First, we need to find out how high is 2/3 of the mountain. To do this, we multiply the total height of the mountain, 12,740 feet, by 2/3. That is 12,740 * 2/3 = <<12740*2/3=8480>>8480 feet. This is how high the first part of the climb is. So, the rest station is 8480 feet above sea level. #### 8480"}
{"text": "Mrs. Baker baked a lot of cupcakes, 240 to be exact. Each box she has can hold up to 12 cupcakes. To find out how many boxes Mrs. Baker will need, we can just divide the total number of cupcakes she baked by how many each box can hold. Let's do the math: 240 cupcakes divided by 12 cupcakes per box equals <<240/12=20>>20 boxes. So, Mrs. Baker will need 20 boxes for all her cupcakes. #### 20"}
{"text": "The toy store started with a certain number of toys, let's call it x. They sold 2/3 of the toys in the morning, so they were left with 1/3 of the toys. This is x/3. They sold 30 more toys in the afternoon, so they had x/3 - 30 toys left. The problem says this is the same as 1/5 of the original number of toys, or x/5. So we can write that x/3 - 30 = x/5. To make this easier, we can get rid of the fractions by multiplying everything by 15. This gives us: 5x - 450 = 3x. This simplifies to 2x = 450, when we subtract 3x from both sides. Then we can solve for x by dividing both sides by 2. This gives us x = <<450/2=225>>225. So, the toy store had 225 toys to start with. #### 225"}
{"text": "On a farm, there are cows and chickens. If there are 22 heads and 64 legs in total, how many cows are there on the farm? We know two things: each animal has one head, so the total number of animals is 22, and each animal has either 2 or 4 legs, adding up to 64. We can write that like this: Cows + Chickens = <<22=22>>22 and 2*Cows + Chickens = <<64/2=32>>32. We can figure out how many cows there are by subtracting the total number of animals (22) from the half total number of legs (32). So, the number of cows is 32 - 22 = <<32-22=10>>10. So, there are 10 cows on the farm. #### 10"}
{"text": "The school has 200 students and 60% of them are boys. To figure out how many boys, we do 60/100 * 200 = <<60/100*200=120>>120 boys. Now, to find out how many girls, we subtract the number of boys from the total number of students, like this: 200 - 120 = <<200-120=80>>80. So, that means there are 80 girls in the school. #### 80"}
{"text": "In a school, there are more boys than girls by 60%. If the total students are 180, how many boys are there? Let's call the amount of girls \"G\" and the amount of boys \"B\". It's given that there are 60% more boys than girls, which means B = 1.6G. The total number of students is 180, which is equal to the boys plus the girls or B + G = 180. We can replace B in the second equation with 1.6G from the first equation to get: 1.6G + G = 180. Simplify that to 2.6G = 180. To find the number of girls, divide 180 by 2.6 to get G = <<180/2.6=69.23>>69.23, but we round it down to 69 because we can't have a fraction of a student. To find the number of boys, we multiply 1.6 by 69 to get B = <<1.6*69=110.4>>110.4, but we round it up to 111 because we can't have a fraction of a student. So, there are about 111 boys in the school. #### 111"}
{"text": "Hannah starts with 48 cupcakes to sell. In the first hour, she sells 1/4 of her cupcakes. That's 48 divided by 4, which gives us <<48/4=12>>12 cupcakes sold in the first hour. This leaves her with 48 minus 12, giving us <<48-12=36>>36 cupcakes. In the second hour, she sells half of what's left. That's 36 divided by 2, which equals <<36/2=18>>18 cupcakes sold in the second hour. After selling those, she has 36 minus 18, which equals <<36-18=18>>18 cupcakes left. So, Hannah has 18 cupcakes left to sell. #### 18"}
{"text": "The basketball player scores 25 points each game and plays 80 games for the whole season. To find out the total points, we just need to multiply these two numbers. So if you multiply the 25 points for each game by the 80 games he plays, you'll get 25 * 80 = <<25*80=2000>>2000 points. So, the player scores 2000 points in the whole season. #### 2000"}
{"text": "Caleb has saved a total of $25 in January and $35 in February. So, he has saved $25 + $35 = <<25+35=60>>60 dollars so far. But the bike he wants costs $200. To find out how much more money he needs to save, we subtract what he's already saved from the cost of the bike. So, $200 - $60 = <<200-60=140>>140 dollars is what he still needs to save. He has 5 months left to save, from March to July. So to find out how much he needs to save each month, we divide the total amount he needs by the number of months. So, $140 ÷ 5 = <<140/5=28>>28 dollars is what he needs to save each month. #### 28"}
{"text": "Jonathan is 5 years older than his sister Lily. In 4 years, he will be twice as old as Lily. How old is Jonathan now? Let's call Jonathan's age J and Lily's age L. From the problem, we know two things: 1. Jonathan is 5 years older than Lily. This means J = L + <<L+5=5+L>>5. 2. In 4 years, Jonathan will be twice as old as Lily. This means J + <<J+4=4+J>>4 = 2 * (L + <<L+4=4+L>>4). Now, let's solve this. By replacing the value of J in the second equation, we get (L + <<L+5=5+L>>5) + <<5+4=9>>9 = 2 * (L + <<L+4=4+L>>4). This simplifies to L + <<L+9=9+L>>9 = 2L + <<2*L+8=8+2*L>>8. If we subtract L from both sides, we get 9 = L + <<L+8=8+L>>8. Subtract 8 from both sides, we get L = <<9-8=1>>1. Now that we know Lily's age, we can find out Jonathan's age by replacing L in the first equation: J = L + <<L+5=5+L>>5. So, J = <<1+5=6>>6. So, Jonathan is 6 years old. #### 6"}
{"text": "The question is asking us to find out how much a box of 12 pencils cost if each pencil is priced at $0.50. To solve this, we just need to multiply the cost of one pencil by the total number of pencils in the box. So, the math we need to do is $0.50 x 12 = <<0.50*12=6>>$6. That's how much the box of pencils cost. #### 6"}
{"text": "Sophia is working on a 500 piece puzzle. She put together some pieces on Monday, some on Tuesday and finished up on Wednesday. Let's find out how many she did on Monday and Tuesday. On Monday, she did 1/5 of the puzzle. That's 500*1/5=<<500*1/5=100>>100 pieces. On Tuesday, she completed 1/4 of the pieces that were left. First, let's see how many were left after Monday's work. That's 500-100=<<500-100=400>>400 pieces left. On Tuesday then, she did 400*1/4=<<400*1/4=100>>100 pieces. Now, let's add up how many she did on Monday and Tuesday. That's 100 (from Monday) + 100 (from Tuesday)=<<100+100=200>>200 pieces. So, Sophia did 200 pieces on Monday and Tuesday. #### 200"}
{"text": "Peter has a 300-page book to read. On weekdays, he reads 20 pages a night, and on weekends, he adds an extra 10 pages to his reading. Today is Monday. Let's find out how many nights it will take him to finish the book. From Monday to Friday, Peter reads 20 pages a night for 5 days, that's 20 pages x 5 days = <<20*5=100>>100 pages. Over the weekend, he reads 20 pages plus extra 10 pages for 2 days, that's (20 pages + 10 pages) x 2 days = <<(20+10)*2=60>>60 pages. If we add together the pages he reads during both weekdays and weekends, we get 100 pages + 60 pages = <<100+60=160>>160 pages read in a week. The book is 300 pages, so if we divide the total pages by the number of pages he can read in a week, we get 300 pages ÷ 160 pages per week = <<300/160=1.875>>1.875 weeks. Since Peter cannot read for a fraction of a day, we round 1.875 weeks up to 2 weeks to finish the book. Two weeks equal 14 days, so if we subtract 1 day since today is Monday and he will read 20 pages today, we get 14 days - 1 day = <<14-1=13>>13 days. So, Peter will take 13 nights to finish the book. #### 13"}
{"text": "Liam started with $45 from his birthday. He bought a video game with 1/3 of his money, which cost him $45 * 1/3 = <<45*1/3=15>>15 dollars. After buying the video game, he had $45 - $15 = <<45-15=30>>30 dollars left. Then, he bought a toy car that cost half of his remaining money, or $30 * 1/2 = <<30*1/2=15>>15 dollars. So, after buying the toy car, he had $30 - $15 = <<30-15=15>>15 dollars left. #### 15"}
{"text": "The printer can print 20 pages every minute and you have a document that is 200 pages long. To figure out how long it will take to print the whole thing, you just need to divide the total number of pages by the number of pages the printer can print every minute. So, it's 200 pages ÷ 20 pages per minute, which gives us <<200/20=10>>10 minutes. That means it will take 10 minutes to print out your 200-page document. #### 10"}
{"text": "If a car can go 200 miles with a full tank of 10 gallons, how many miles can the car go with one gallon? Let's figure it out by dividing the total miles the car can go by the number of gallons the tank holds. So, we have to do 200 miles divided by 10 gallons which gives us <<200/10=20>>20 miles per gallon. So, the car can go 20 miles with one gallon. #### 20"}
{"text": "Trevor's garden is 8 feet long and 5 feet wide. This means his garden has an area of 8 feet times 5 feet, which is <<8*5=40>>40 square feet. Each sunflower plant needs 4 square feet of space. So, to find out how many sunflower plants Trevor can plant, we divide the total area of the garden by the space needed for one plant. That is, the number of plants equals 40 square feet divided by 4 square feet per plant, which gives us <<40/4=10>>10 plants. So, Trevor can plant 10 sunflower plants in his garden. #### 10"}
{"text": "Michelle has 40 apples and she wants to share them equally with her 8 friends. To find out how many apples each friend will get, we divide the total number of apples by the number of friends. So, we do 40 ÷ 8 = <<40/8=5>>5. This means each friend will get 5 apples. #### 5"}
{"text": "Paul wants to buy a bicycle for $120 and he can save $10 each week. So, let's figure out how many weeks he needs to save up. To get the answer, we simply divide the total cost of the bicycle by the amount Paul saves each week. So, $120 divided by $10 is <<120/10=12>>12 weeks. That's how long it will take for Paul to save enough money for his bicycle. #### 12"}
{"text": "A football team scores points by making touchdowns and field goals. A touchdown gives them 6 points and a field goal gives them 3 points. If the team scores 4 touchdowns and 2 field goals, we find out how many points they scored by doing a little bit of math. For touchdowns, we multiply the number of touchdowns by the points each one gives. So for 4 touchdowns, it's 4*6=<<4*6=24>>24 points. For field goals, it's the same idea. They scored 2 field goals, so it's 2*3=<<2*3=6>>6 points. Now, we just have to add these two together. So, 24 (from touchdowns) + 6 (from field goals) = <<24+6=30>>30 total points. #### 30"}
{"text": "Rita went to her grandmother's house which is 150 miles away. Her car can travel 25 miles for every gallon of gas it uses. So to find out how many gallons of gas she used, we divide the total distance by the number of miles her car can go per gallon. So, it's 150 miles divided by 25 miles per gallon, or <<150/25=6>>6 gallons of gas. #### 6"}
{"text": "The family's road trip is 600 miles each way. So the round trip is 600 miles times 2 which is <<600*2=1200>>1200 miles. Their car gets 25 miles per gallon. So to find out how many gallons they need for the 1200 miles, we divide 1200 by 25. That gives us <<1200/25=48>>48 gallons. Now we need to find out how much it will cost. Gas costs $2.50 per gallon. So we multiply the 48 gallons by $2.50. That gives us <<48*2.50=120>>$120. So the family will spend $120 on gas for their road trip. #### 120"}
{"text": "Dan has 56 stamps and gives 1/4 of them to his little brother. To figure out how many stamps he gave away, you can multiply the total by 1/4, which is 56 * 1/4 = <<56*1/4=14>>14 stamps. Now, to see how many stamps Dan has left, you can subtract the stamps he gave away from his total collection. So, 56 - 14 = <<56-14=42>>42 stamps. Therefore, Dan has 42 stamps left. #### 42"}
{"text": "We have a fruit salad with 5 different kinds of fruits. The total number of fruits in the salad is 20 and each kind of fruit is there in equal amounts. So, to find out how many of each type of fruit are there, we just divide the total number of fruits, which is 20, by the number of different fruit types, which is 5. So, 20 divided by 5 is <<20/5=4>>4. As a result, there are 4 of each type of fruit in the salad. #### 4"}
{"text": "In a school with 100 students, 60% of them are boys. Let's find out how many girls are there. First, we need to figure out the number of boys. If 60% of the students are boys, then there are 60/100 * 100 = <<60/100*100=60>>60 boys in the school. Then, to find out the number of girls, let's subtract the number of boys from the total number of students. So if there are 100 students in total and 60 of them are boys, then there are 100 - 60 = <<100-60=40>>40 girls in the school. #### 40"}
{"text": "Jacob's fish tank can hold 20 gallons of water and he changes a quarter of it every week. To find out how much that is, we just need to find out what a quarter (or 1/4) of 20 is. We can do that by multiplying 20 by 1/4, like this: 20 * 1/4 = <<20*1/4=5>>5. So, he changes 5 gallons of water every week. #### 5"}
{"text": "16 friends went to watch a movie and each movie ticket costs $8. They decided to split the total cost equally. To find out how much each friend paid, first calculate the total cost of the movie tickets. This can be done by multiplying the number of friends, 16, by the cost of a single ticket, $8. So, <<16*8=128>>$128 is the total cost. Now divide the total cost by the number of friends. So, <<128/16=8>>$8 is what each friend paid. So each friend paid $8. #### 8."}
{"text": "Lily started with 60 pieces of candy. She ate 1/3 of them. That's 60 * 1/3 = <<60*1/3=20>>20 pieces of candy. Then she had 60 - 20 = <<60-20=40>>40 pieces of candy left. She then gave 1/2 of the remaining candy to her sister. That's 40 * 1/2 = <<40*1/2=20>>20 pieces of candy. After giving away candy, Lily had 40 - 20 = <<40-20=20>>20 pieces of candy left. So, Lily is left with 20 pieces of candy. #### 20"}
{"text": "In a zoo, there are 10 elephants, 15 lions, 20 zebras, and 25 monkeys. If Sally can only visit 60% of the animals, how many animals can she visit? First, let's find out how many animals are in the zoo. We add the number of each animal: 10 elephants + 15 lions + 20 zebras + 25 monkeys gives us a total of <<10+15+20+25=70>>70 animals. Now, let's figure out how many animals Sally can visit. She can visit 60% of the animals. To find out what 60% of 70 is, we multiply the total number of animals by 0.60 (which is the same as 60%). So, 70 animals * 0.60 gives us <<70*0.60=42>>42 animals. Therefore, Sally can visit 42 animals. #### 42"}
{"text": "Timothy started with 500 baseball cards. He gave some to his brother and sold some more. Let's find out how many he has left. First, we calculate how many he gave to his brother. He gave 1/5 of his cards which is 1/5 * 500 = <<1/5*500=100>>100 cards. Now, Timothy has 500 - 100 = <<500-100=400>>400 cards left. Then, he sold 1/4 of those remaining cards. That's 1/4 * 400 = <<1/4*400=100>>100 cards. After selling those, Timothy has 400 - 100 = <<400-100=300>>300 cards left. #### 300"}
{"text": "Paula makes 4 dozen cookies for a party. If each guest eats 3 cookies, how many people can she feed? Paula makes 4 dozen cookies, which is 4*12=<<4*12=48>>48 cookies. Each guest eats 3 cookies, so she can feed 48/3=<<48/3=16>>16 guests with her cookies. #### 16"}
{"text": "The train went 300 miles in 5 hours and we want to find out how fast it was going on average. To do that, we just have to divide the total distance by the total time. So, we do 300 miles divided by 5 hours which gives us <<300/5=60>>60 miles per hour. That's how fast the train was going on average. #### 60"}
{"text": "Sam has 7 red balls and 5 blue balls, so he currently has 7 + 5 = <<7+5=12>>12 balls. But, he finds 3 more blue balls. So, Sam will have in total 12 + 3 = <<12+3=15>>15 balls after he finds the extra blue balls. #### 15"}
{"text": "Emma has 100 stickers and she gives away 25% of them. To find out how many she gave away, we turn the 25% into a decimal, which is 0.25, and multiply it by the total number of stickers. That's 100 * 0.25 = <<100*0.25=25>>25 stickers given away. Now, to find out how many she has left, we subtract the stickers she gave away from the total number she had. So, 100 - 25 = <<100-25=75>>75 stickers left. #### 75"}
{"text": "Alex has 50 pieces of candy and he wants to share them with his 5 friends. How many pieces does each friend get? Well, to find out, we can divide the number of candies by the number of friends. That's 50 divided by 5. So, each friend gets <<50/5=10>>10 pieces of candy. #### 10"}
{"text": "The problem tells us that Lily has 3 times as many marbles as Tom, and Lily has 60 marbles. To find out how many marbles Tom has, we can divide the number of marbles Lily has by 3. So, 60 marbles divided by 3 is <<60/3=20>>20 marbles. So, Tom has 20 marbles. #### 20"}
{"text": "The class is going on a field trip and they have 90 students but each bus can only hold 40 students. So, we need to figure out how many buses they need by dividing the total number of students by the number of students each bus can hold. \nSo, 90 students ÷ 40 students/bus gives us <<90/40=2.25>>2.25 buses. But, we can't have .25 of a bus, so we need to round this number up to the next whole number which is 3. This means they will need 3 buses for the field trip. #### 3"}
{"text": "In Grace's garden, she has 60 plants in total. To find out how many of each type of plants she has, we need to do some calculations. Let's start with vegetables. Since one-third of the plants are vegetables, we need to multiply the total number of plants, which is 60, by one-third, or 1/3. So, 60 * 1/3 = <<60*1/3=20>>20 vegetable plants. Next, let's calculate the number of fruit plants. Since one-fourth of the plants are fruits, we need to multiply the total number of plants, again 60, by one-fourth, or 1/4. So, 60 * 1/4 = <<60*1/4=15>>15 fruit plants. Now, to find out the number of flower plants, we need to subtract the number of vegetable and fruit plants from the total number of plants. So, 60 - 20 - 15 = <<60-20-15=25>>25 flower plants. So, there are 25 flowers in Grace's garden. #### 25"}
{"text": "Emma has 12 stuffed animals and she wants to put them on 3 shelves equally. To find out how many stuffed animals will be on each shelf, we need to divide the total number of stuffed animals by the total number of shelves. So, it's 12 stuffed animals divided by 3 shelves which equals <<12/3=4>>4 stuffed animals per shelf. #### 4"}
{"text": "The factory makes 200 cars every day but they already made 50 cars today. So to find out how many cars they still need to make, subtract the number of cars already made from the total number of cars that need to be made in a day. This looks like 200 (total) - 50 (already made) = <<200-50=150>>150 cars. So, they still need to make 150 cars today. #### 150"}
{"text": "Charlie has saved $25 already and wants to buy a video game that costs $60. How many weeks does Charlie need to save his $5 weekly earnings to buy the video game? Firstly, let's find out how much more money Charlie needs by subtracting the money he has from the cost of the video game. So, $60 - $25 equals<<60-25=35>>35 dollars that he still needs to save. If Charlie earns $5 a week, then we find out how many weeks he needs to save by dividing the money he still needs by his weekly earnings. So, $35 ÷ $5 equals <<35/5=7>>7 weeks. Therefore, Charlie needs to save for 7 more weeks before he can buy the video game. #### 7"}
{"text": "Samantha has 5 dozen cupcakes to sell at her bakery. Each cupcake costs $4 and she ends up selling 3 out of every 5 cupcakes. How much money does she make? First, let's find out how many cupcakes Samantha has in total. One dozen is 12 cupcakes, so 5 dozens would be 5 times 12, that's 5 * 12 = <<5*12=60>>60 cupcakes. Now, she sells 3/5 of her cupcakes, so we need to do 3/5 times 60 to find out how many cupcakes she sells. That's 3/5 * 60 = <<3/5*60=36>>36 cupcakes sold. Each cupcake costs $4, so to find out how much money she makes, we need to multiply the number of cupcakes sold by the cost of each cupcake. So it's 36 cupcakes times $4 each, which equals 36 * 4 = $<<36*4=144>>144. So Samantha makes $144. #### 144"}
{"text": "Lucas wants to paint a 50-foot fence and he paints 10 feet every hour. If he starts painting at 9 in the morning, when will he finish? First, let's figure out how many hours Lucas needs to paint the whole fence. He can paint 10 feet in an hour and the fence is 50 feet long. So he needs 50/10=<<50/10=5>>5 hours to paint the fence. Now, if he starts painting at 9 AM and it takes him 5 hours, he will finish at 9 AM + 5 hours = <<9+5=2>>2 PM. #### 2"}
{"text": "Mike wants a toy that costs $15 but he only has $6. To find out how much more money Mike needs, we subtract the money he has from the cost of the toy. So, $15 (cost of the toy) - $6 (money Mike has) = <<15-6=9>>9 dollars. So, Mike needs $9 more to buy the toy. #### 9"}
{"text": "Mia baked 4 trays of cookies with 12 cookies on each tray. So, she baked 4*12 = <<4*12=48>>48 cookies. She ate 8 cookies and gave 16 to her friend. That's a total of 8+16 = <<8+16=24>>24 cookies. To find out how many cookies she still has, subtract the number of cookies she ate and gave away from the total number of cookies she baked. So, she has 48 - 24 = <<48-24=24>>24 cookies left. #### 24"}
{"text": "Michael runs 2 miles every single day. When he does this for a month that has 30 days, we want to find out how many miles he will have run in total. So, we multiply the 2 miles he runs each day by the 30 days in the month, which gives us 2*30=<<2*30=60>>60 miles. So, if Michael keeps running 2 miles every day for an entire month of 30 days, he will have run a total of 60 miles. #### 60"}
{"text": "The train is moving at a speed of 60 kilometers every hour and it is going to travel for 2.5 hours. To find out how far it goes, we multiply the speed by the time. So, 60 kilometers/hour * 2.5 hours = <<60*2.5=150>>150 kilometers. That's how far the train will go in 2.5 hours. #### 150"}
{"text": "To find out how many buses are needed to transport all 320 students, divide the total number of students, 320, by the number of students that one bus can carry, 40. So, 320 divided by 40. This looks like 320/40=<<320/40=8>>8. So, you need 8 buses to move all the students. If the answer was not a whole number, we would round up because we can't have a part of a bus. But in this case, the answer is a whole number, 8, so we don't need to round up. #### 8"}
{"text": "Sally has $500 saved up. She wants to buy a bicycle for $100 and a helmet for $30. She also wants to keep $200 in her savings. How much money will she have left? First, we find out how much Sally is going to spend on the bicycle and the helmet together. That's $100 for the bicycle and $30 for the helmet which adds up to $100 + $30 = <<100+30=130>>$130. Now, we subtract what Sally spent from what she had saved. Sally had $500 and she spent $130, so she has $500 - $130 = <<500-130=370>>$370 left. But Sally wants to keep $200 in savings, so we subtract that from what she has left. Sally has $370 and she wants to save $200, so she will have $370 - $200 = <<370-200=170>>$170 left. #### 170"}
{"text": "The rectangle has a length of 7 meters and a width of 4 meters. To find the area, we multiply the length and the width. So if we multiply the length of 7 meters by the width of 4 meters, we get <<7*4=28>>28 square meters. So the area of the rectangle is 28 square meters. #### 28"}
{"text": "The library has 2000 books and 30% of them are fiction. So how many fiction books are there? Well, to find that out, we need to multiply the total number of books by the fraction that are fiction. So we do 2000 * 0.30 = <<2000*0.30=600>>600. That means there are 600 fiction books in the library. #### 600"}
{"text": "A farmer has 15 cows and each cow gives 3 liters of milk every day. We want to know how much milk the farmer gets in a week. First, let's find out how much milk one cow gives in a week. A cow gives 3 liters of milk every day and there are 7 days in a week, so a cow gives 3 liters/day * 7 days/week = <<3*7=21>>21 liters/week. The farmer has 15 cows and each cow gives 21 liters of milk in a week. So, we multiply the amount of milk each cow gives in a week by the number of cows to find out how much milk the farmer gets from all his cows in a week. The farmer gets 21 liters/week/cow * 15 cows = <<21*15=315>>315 liters/week. #### 315"}
{"text": "Ann wants to buy a book, and it's priced at $20. She's lucky because she has a coupon that lets her take $5 off the price of the book. So, how much does she have to pay for the book now? Let's figure it out. We just take the original price of the book which is $20, and then subtract the $5 discount from the coupon. So, it's $20 (the book's original price) - $5 (the discount). That brings us to $20 - $5 = <<20-5=15>>15. So, the book costs $15 after the discount. #### 15"}
{"text": "Jacob wants to buy a video game that costs $60 and he saves $10 every week. To find out how many weeks Jacob needs to save to buy the video game, we have to divide the total cost of the video game by the amount Jacob saves each week. So, the calculation is $60 ÷ $10 = <<60/10=6>>6 weeks. This means Jacob needs to save for 6 weeks to buy the video game. #### 6"}
{"text": "Lucy bought 5 lemonades and each one costs $2. This means she spent 5 * $2 = <<5*2=10>>$10 on lemonades. She gave a $20 bill to the seller. The amount of change she got back is $20 - $10 = <<20-10=10>>$10. So, Lucy got $10 back. #### 10"}
{"text": "Pete reads for 2 hours each day and he can read 20 pages in one hour. So, in a day, he can read <<20*2=40>>40 pages. In a week, which is 7 days, if he reads 40 pages each day, he can read <<40*7=280>>280 pages. #### 280"}
{"text": "Katie bought a box full of 24 chocolates. She was hungry and ate 5 of them. To figure out how many she had left, we subtract the chocolates she ate from the total number of chocolates she bought, so we go 24 - 5 = <<24-5=19>>19 chocolates. Katie wanted to share her chocolates with her friend, so she gave her friend 7 chocolates. To find out how many chocolates Katie has left now, we take the 19 chocolates she had after she ate some and subtract the 7 she gave to her friend. So, we do 19 - 7 = <<19-7=12>>12 chocolates. Katie has 12 chocolates left. #### 12"}
{"text": "Billy starts with 8 toy cars. After his birthday, he gets 3 more. So, we add these to his original collection: <<8+3=11>>11 toy cars. Then, Billy gives 2 toy cars to his little brother, we subtract these from his new total: <<11-2=9>>9 toy cars. So, Billy now has 9 toy cars. #### 9"}
{"text": "A soccer team has 11 players and a basketball team has 5 players. If there are 7 soccer teams and 8 basketball teams, how many players are there in total? First, find the total number of players in all the soccer teams by multiplying the number of players in one soccer team by the number of soccer teams. So, 11 (players) * 7 (teams) = <<11*7=77>>77 players. Then, find the total number of players in all the basketball teams by multiplying the number of players in one basketball team by the number of basketball teams. So, 5 (players) * 8 (teams) = <<5*8=40>>40 players. Now, add the total number of players from the soccer teams and the basketball teams to find the total number of players. So, 77+(soccer players) + 40(basketball players) = <<77+40=117>>117 players. #### 117"}
{"text": "The park has 100 trees and we know that 25% of them are oak trees. To find out how many oak trees there are, just multiply the total number of trees by the percentage of oak trees. So, it's 100 trees * 25% (or 0.25). That's 100*0.25= <<100*0.25=25>>25. So there are 25 oak trees in the park. #### 25"}
{"text": "Tim needs to measure 3 liters of water for his science experiment, but his beaker only holds 350 milliliters. How many times does he need to fill his beaker to get all the water he needs? First, we need to turn 3 liters into milliliters. We know that 1 liter equals 1000 milliliters, so 3 liters is 3 x 1000 = <<3*1000=3000>>3000 milliliters. Now, we need to see how many times Tim needs to fill his beaker. We can do this by dividing the total milliliters he needs by the capacity of his beaker, so 3000 ml / 350 ml = <<3000/350=8.57>>8.57. But Tim can't fill his beaker 0.57 of a time, so he needs to fill it a total of 9 times. The last time he fills it, the beaker won't be completely full. #### 9"}
{"text": "A painter is ready to paint some walls and he has 12 liters of paint. Each wall he paints needs 3 liters of paint. So to know how many walls he can paint, we have to see how many times 3 liters will go into 12 liters. We do this by dividing 12 by 3. So, he can paint 12/3 = <<12/3=4>>4 walls. #### 4"}
{"text": "12 friends go to a pizza place and they order 4 pizzas. Each pizza is cut into 6 pieces. Let's find out how many pieces of pizza each friend can have. First, we need to find out how many pieces of pizza there are in total. If each pizza is cut into 6 pieces, and they ordered 4 pizzas, we multiply 4 (pizzas) by 6 (pieces per pizza). So, 4 pizzas * 6 pieces = <<4*6=24>>24 pieces. Next, we have to figure out how many pieces each friend gets. To do this, we divide the total number of pieces (24) by the number of friends (12). So, 24 pieces / 12 friends = <<24/12=2>>2 pieces. So, when 12 friends order 4 pizzas and each pizza is cut into 6 pieces, each friend gets to eat 2 pieces of pizza. #### 2"}
{"text": "Tony ate 4 candies each day for a week, which is 7 days. So, he ate 4 candies/day * 7 days = <<4*7=28>>28 candies in total. Tony started with 60 candies in his jar. After eating 28 candies, he has 60 candies - 28 candies = <<60-28=32>>32 candies left. So, there will be 32 candies left in the jar after a week. #### 32"}
{"text": "Anna baked 48 cupcakes for a bake sale and she sold 3/4 of them. Let's find out how many cupcakes she had left. First, we find out how many cupcakes Anna sold by multiplying the total number of cupcakes by 3/4, so 48 * 3/4 = <<48*3/4=36>>36 cupcakes were sold. Now, we subtract this number from the total number of cupcakes to find out how many cupcakes Anna has left. So, 48 - 36 = <<48-36=12>>12 cupcakes are left. #### 12"}
{"text": "Sophie's piggy bank has 50 pennies, 40 dimes, and 30 quarters. We know that a penny is worth 1 cent, a dime is worth 10 cents, and a quarter is worth 25 cents. We can find out how much money she has by doing some multiplication and addition. First, we figure out how much the pennies are worth which is 50 pennies times 1 cent which gives us 50*1=<<50*1=50>>50 cents. Next, we figure out how much the dimes are worth which is 40 dimes times 10 cents that gives us 40*10=<<40*10=400>>400 cents. Lastly, we figure out how much the quarters are worth which is 30 quarters times 25 cents that gives us 30*25=<<30*25=750>>750 cents. Now, we add all these together: 50 cents from pennies, 400 cents from dimes, and 750 cents from quarters to get a total of 50+400+750=<<50+400+750=1200>>1200 cents. But we usually talk about money in dollars, not cents. So, if 1 dollar is equal to 100 cents, we can convert 1200 cents into dollars by dividing it by 100. So, 1200 cents is equal to 1200/100=<<1200/100=12>>12 dollars. So, Sophie has $12 in her piggy bank. #### 12"}
{"text": "The movie starts at 3:10 PM and ends at 5:25 PM. To find out how long the movie is, we first count the minutes from 3:10 PM to 4:00 PM, which is 4:00 - 3:10 = <<4:00-3:10=50>>50 minutes. Then we count the minutes from 4:00 PM to 5:00 PM which gives us a whole hour or <<60=60>>60 minutes. Finally, we count the minutes from 5:00 PM to 5:25 PM, which is 5:25 - 5:00 = <<5:25-5:00=25>>25 minutes. If we add all these up, 50 minutes + 60 minutes + 25 minutes, we get <<50+60+25=135>>135 minutes. So, the movie is 135 minutes long. #### 135"}
{"text": "The school bus has 20 seats and each seat can hold 2 children. This means the bus can carry 20*2=<<20*2=40>>40 children. If 3 children didn't come one day, then the number of children on the bus that day is 40-3=<<40-3=37>>37. #### 37"}
{"text": "The supermarket has bags of apples and each bag has 6 apples. If someone buys 5 bags, you can find out how many apples they have by multiplying. So if we multiply the number of apples in one bag which is 6 by the number of bags bought which is 5, we get 6*5=<<6*5=30>>30 apples. So, the customer has 30 apples. #### 30"}
{"text": "The classroom needs 60 pencils. Each box of pencils has 10 pencils inside. To find out how many boxes they should buy, we divide the total number of pencils needed by the number of pencils in each box. So we do 60 divided by 10 which is <<60/10=6>>6. This means the classroom should buy 6 boxes of pencils. #### 6"}
{"text": "We know that one bag of oranges weighs 5 pounds. To find out the weight of 7 bags, we should multiply the weight of one bag by 7. That's <<5*7=35>>35 pounds. This means that seven bags of oranges would weigh 35 pounds. #### 35"}
{"text": "A train zooms away at 60 miles every hour. How far does it go in 2 and a half hours? The train's speed is 60 miles per hour and it travels for 2.5 hours. So, we find out how far it goes by multiplying the 60 miles by the 2.5 hours. Using the formula of Distance = Speed x Time, we can write 60 miles/hour * 2.5 hours = <<60*2.5=150>>150 miles. So, the train zooms away 150 miles in 2 and a half hours. #### 150"}
{"text": "Alice started out with $30 and bought 3 books that cost $5 each. She also bought some pens that cost $2 each and she had $6 left over. So how many pens did she buy? Let's start by calculating how much Alice spent on the books. Since she bought 3 books at $5 each, that means she paid 5*3=<<5*3=15>>15 for the books. We then subtract what she spent on books from her starting amount, that's 30-15, which equals $<<30-15=15>>15. This is the amount she could spend on pens. Since each pen costs $2, we divide 15 by 2 to figure out how many pens she bought. However, 15/2 = 7.5 and Alice can't buy half a pen, so she must have bought 7 pens. Next, we need to double-check our answer by adding up the total cost of the pens and books and making sure it matches up with how much Alice had before she had $6 left. The total cost for pens is 7*2, which equals $<<7*2=14>>14. And we already know the books cost $<<3*5=15>>15. Adding those two together, we get 14+15, which is $<<14+15=29>>29. If we subtract that from the $30 Alice started with, we get 30-29, which leaves $<<30-29=1>>1. But Alice had $6 left, so she must have bought less pens. That means we need to subtract $1 from the $15 Alice could have spent on pens, resulting in 15-1=<<15-1=14>>14. And if we divide that by the cost of each pen, we get 14/2, which equals 7. So Alice bought 7 pens. #### 7"}
{"text": "The dress is originally $75. But it's on sale with 20% off. First, let's find out how much you'll save. To do that we do 75 times .20 (which is just 20 divided by 100) and that equals $<<75*.20=15>>15. So you'll save $15 on this dress! Now we need to subtract that $15 from the original price. The original price is $75, minus $15, equals $<<75-15=60>>60. So now, the dress costs $60! #### 60"}
{"text": "You want to buy 6 toys and each toy costs $15. To find out how much you'd have to pay altogether, you just need to multiply the price of one toy by the number of toys you want to buy. So, the calculation is <<15*6=90>>90 dollars. That's how much 6 toys will cost. #### 90"}
{"text": "20 friends are going on a trip and they can only fit 5 people in each car. So, to find out how many cars they need, we divide the total number of people, which is 20, by the number of people each car can hold, which is 5. So the calculation is 20 / 5 = <<20/5=4>>4. So, they need to rent 4 cars. #### 4"}
{"text": "Sarah has 120 candies and she wants to share them with her 20 classmates. To find out how many candies each classmate will get, we can divide the total candies by the total classmates. So, the calculation is: <<120 ÷ 20=6>>6 candies for each classmate. #### 6"}
{"text": "In a race, Tom finishes in the 3rd spot out of 10 runners. How many percent of runners finished behind him? First, let's find out how many runners finished behind Tom. We know that there are 10 runners in total and Tom finished 3rd. So, if we subtract Tom's position from the total number of runners, 10 - 3 = <<10-3=7>>7, we find out that 7 runners finished behind Tom. Now, to find out what percentage of runners that is, we divide the number of runners who finished behind Tom by the total number of runners and then multiply by 100 to change it into a percentage. Like this: (7 runners / 10 total runners) * 100 = <<(7/10)*100=70>>70%. So, 70% of runners finished behind Tom. #### 70"}
{"text": "A pizza is cut into 8 pieces. The family eats 5 pieces. How many pieces are left? We start with 8 pieces, then subtract the 5 pieces the family ate. So, it's 8 (total pieces) - 5 (pieces eaten) = <<8-5=3>>3 pieces. Therefore, if a family eats 5 pieces from an 8 piece pizza, there are 3 pieces left. #### 3"}
{"text": "The car is moving at a speed of 60 miles per hour and it's going to keep going for 2.5 hours. To find out how far the car goes, we just multiply the speed by the time. So it's 60 miles/hour * 2.5 hours = <<60*2.5=150>>150 miles. That means the car will go 150 miles in 2.5 hours. #### 150"}
{"text": "Elena wants to make a cake. The recipe needs 2 cups of sugar, 3 cups of flour, 4 eggs, and 1 cup of milk. But, she only has 5 eggs. So, how many cakes can she make? Let's find out! We don't know how much sugar or flour or milk Elena has, so we can't figure out how many cakes she can make from those. But we do know that she has 5 eggs. The recipe needs 4 eggs to make a cake. So, if she uses 4 of her 5 eggs, she can make 1 cake and will have 1 egg left. Therefore, Elena can make 1 cake with the eggs she has. #### 1"}
{"text": "A farmer has 4 hens and each hen lays 3 eggs every day. How many eggs does the farmer collect in a week? One hen lays 3 eggs in a day. But the farmer has 4 hens, so they lay 4 x 3 = <<4*3=12>>12 eggs in a day. Now, a week has 7 days, so all the hens lay 12 x 7 = <<12*7=84>>84 eggs in a week. So, the farmer collects 84 eggs in a week. #### 84"}
{"text": "We are told that a bag of apples weighs 10 pounds and each apple weighs half a pound. To find out how many apples are in the bag, we just need to divide the total weight of the apples by the weight of each apple. So let's do it: 10 pounds divided by 0.5 pounds/apple equals to <<10/0.5=20>>20 apples. #### 20"}
{"text": "The pool is shaped like a rectangle and is 25 meters long and 10 meters wide. To find the area of a rectangle, we can multiply the length by the width. So, the area of the pool is 25 meters * 10 meters = <<25*10=250>>250 square meters. That's how big the pool is! #### 250"}
{"text": "A school bus can carry 30 students. If there are 150 students who need to go on a field trip, how many buses does the school need? The number of students who need to go on the field trip is 150. One school bus can carry 30 students. So, to find out how many buses the school needs, we divide the total number of students by how many students each bus can carry. This is done by doing 150 ÷ 30 = <<150/30=5>>5. So, the school needs to arrange 5 buses to carry all 150 students. #### 5"}
{"text": "In a class, there are 15 boys and 10 girls. The teacher wants to make teams of 5 students, with each team having 3 boys and 2 girls. We need to find out how many such teams can be made. To do this, we first figure out how many groups of 3 boys can be made from the 15 boys. This comes out to be 455. Then we figure out how many groups of 2 girls can be made from the 10 girls. This is 45. Since each team has 3 boys and 2 girls, we multiply the two numbers together to get the total number of teams. So, 455 (groups of boys) times 45 (groups of girls) equals <<455*45=20475>>20475. The teacher can make 20475 different teams with 3 boys and 2 girls. #### 20475"}
{"text": "James wishes to buy a phone that costs $200. He has a plan to save $25 every week. We need to find out how many weeks it will take for him to save enough money to buy the phone. So, we take the total cost of the phone which is $200 and divide it by how much James saves each week, which is $25. This will give us the number of weeks James needs to save. So, $200 ÷ $25 = <<200/25=8>>8 weeks. This means James needs to save for 8 weeks to be able to buy the phone. #### 8"}
{"text": "The side length of the square is 5 cm. The perimeter of a square is found by multiplying the length of one side by 4. So, to find the perimeter, we take the side length and multiply it by 4. That's <<5*4=20>>20 cm. So, the perimeter of the square is 20 cm. #### 20"}
{"text": "The fruit seller sold 12 oranges in the morning. In the afternoon, he sold twice as many as he did in the morning, so he sold 12*2=<<12*2=24>>24 oranges. To find out how many oranges he sold in total that day, we add the oranges sold in the morning and the afternoon. So, 12 oranges + 24 oranges = <<12+24=36>>36 oranges. #### 36"}
{"text": "A rectangle has a length of 10 units and a width of 2 units. What's the area of this rectangle? You can find the area by multiplying the length and the width together. So, we have 10 units (which is the length) * 2 units (that's the width) and we find the area is 10*2 = <<10*2=20>>20 square units. #### 20"}
{"text": "A box has 24 chocolates and each chocolate has 50 calories. If a person eats 5 chocolates, we need to find out how many calories he eats. Since each chocolate has 50 calories, the calories from 5 chocolates will be 50 * 5 = <<50*5=250>>250 calories. So, the person eats 250 calories when he eats 5 chocolates. #### 250"}
{"text": "Susan has a 10 feet long rope and she wants to cut it into pieces. Each piece should be 1/3 foot long. Let's find out how many pieces she can get. First, we need to know how long each piece is, which is 1/3 of a foot. Then, we divide the total length of the rope, which is 10 feet, by the length of each piece. This is like dividing 10 by 1/3. But dividing by a fraction can be a bit tricky, so we can use a trick by multiplying by the opposite of the fraction. The opposite of 1/3 is 3. So, we multiply 10 feet by 3, which gives us 10 * 3 = <<10*3=30>>30 pieces. So, Susan can cut her rope into 30 pieces. #### 30"}
{"text": "The soccer team played 16 games and got points from winning, losing, or tying games. They won 9 games and each win gives them 3 points. So, they got 9 * 3 = <<9*3=27>>27 points from winning. They lost 5 games but didn't get any points from those, so that's 5 * 0 = <<5*0=0>>0 points. Lastly, they tied 2 games and each tie is worth 1 point, giving them 2 * 1 = <<2*1=2>>2 points. To find out the total points they earned this season, you add up the points they got from wins, losses, and ties. That's 27 points from wins, 0 points from losses, and 2 points from ties, which gives us 27 + 0 + 2 = <<27+0+2=29>>29 points. #### 29"}
{"text": "The toy factory makes 100 toys every hour. If it works for 8 hours in a day, how many toys are made in a day? The factory makes 100 toys every hour and works for 8 hours. So the total toys made in a day is 100 toys per hour times 8 hours which is 100*8=<<100*8=800>>800 toys in a day. #### 800"}
{"text": "The book has 150 pages. The student reads 10 pages every day. To find out how many days it will take for the student to finish the book, we can simply divide the total number of pages by the number of pages the student reads each day. So, if we divide 150 (total pages) by 10 (pages per day), like this <<150/10=15>>, we get 15. Therefore, it will take the student 15 days to finish reading the book. #### 15"}
{"text": "A group of kind folks donated $500 to charity. Each of them gave $25. Let's find out how many people were in this generous group. All we need to do is take the total amount of money donated, which is $500, and divide it by how much each person gave, which is $25. So, the calculation is $500 divided by $25. In math, this is shown as: Number of people = <<500/25=20>>20. So, there are 20 people in the group. #### 20"}
{"text": "The garden has 9 rows and 7 columns of tomato plants. This means there are 9 rows * 7 columns = <<9*7=63>>63 tomato plants. Each of these plants gives us 5 tomatoes. So, to find out how many tomatoes the garden will produce, we just have to multiply the number of plants by the amount of tomatoes each plant gives. That's 63 plants * 5 tomatoes/plant = <<63*5=315>>315 tomatoes. So, the garden will produce 315 tomatoes. #### 315"}
{"text": "Peter exercises every day by doing 20 push-ups, 30 sit-ups, and 40 squats. To find out the total exercises he does in a week, let's first count how many exercises he does daily. He does 20 + 30 + 40 = <<20+30+40=90>>90 exercises each day. Now, since there are 7 days in a week, we multiply the daily exercise count by 7. So, 90 exercises * 7 days = <<90*7=630>>630 exercises a week. So, Peter does 630 exercises in a week. #### 630"}
{"text": "Billy starts with 10 apples. He gives 3 to his brother, which leaves him with 10 - 3 = <<10-3=7>>7 apples. Then he eats 2, so now he has 7 - 2 = <<7-2=5>>5 apples. His mom then gives him 5 more, so he ends up with 5 + 5 = <<5+5=10>>10 apples. #### 10"}
{"text": "There are 16 people at a party and each bottle of juice can serve 4 people. To find out how many bottles are needed, we will divide the total number of people by how many people each bottle can serve. So, it's 16 divided by 4, which is <<16/4=4>>4. So, we need 4 bottles of juice for the 16 people at the party. #### 4"}
{"text": "We know that Paul is 5 years old. John is 2 years older than Paul, so if we add 2 to Paul's age, we get John's age: 5 + 2 = <<5+2=7>>7 years old. Mark is 3 years older than John, so if we add 3 to John's age, we get Mark's age: 7 + 3 = <<7+3=10>>10 years old. So, Mark is 10 years old. #### 10"}
{"text": "The room is 15 feet long and 10 feet wide. To find out how big the room is in total, we need to find the area. The area of a rectangle (like our room) can be found by multiplying the length and the width together. So, we have to do 15 feet times 10 feet which will give us <<15*10=150>>150 square feet. So, the room is 150 square feet big. #### 150"}
{"text": "The car travels 500 miles and uses 20 gallons of gasoline. To find out how many miles the car travels for each gallon of gasoline, we just divide the total miles by the total gallons. So the car gets 500 miles ÷ 20 gallons = <<500/20=25>>25 miles per gallon. #### 25"}
{"text": "In a school there are 200 students and 60% of them are boys. But we want to know how many girls are there. First, we find out the total number of boys in the school by multiplying the total students, 200, by 60% (which is also 0.60 as a decimal): 200 * 0.60 = <<200*0.60=120>>120 boys. To find the number of girls, we subtract the number of boys from the total students: 200 total students - 120 boys = <<200-120=80>>80 girls. So, the number of girls in the school is 80. #### 80"}
{"text": "To find the perimeter of a rectangle, we just add the length and width and then double it. The rectangle's length is 6 inches and its width is 4 inches. So we do 2 * (6 + 4) = <<2*(6+4)=20>>20 inches. So, a rectangle with a width of 4 inches and a length of 6 inches has a perimeter of 20 inches. #### 20"}
{"text": "We know that Jack has 3 pencils. The problem tells us that Mary has 5 times as many pencils as Jack. So, to find out how many pencils Mary has, we multiply the number of pencils Jack has by 5. This means we do 3 (Jack's pencils) times 5 (how many times more pencils Mary has) and get <<3*5=15>>15 pencils. So, Mary has 15 pencils. #### 15"}
{"text": "The library has 30 shelves and each shelf can hold 25 books. To find out how many books the library can hold in total, you just need to multiply the number of shelves by the number of books each shelf can hold. So, do the math: <<30*25=750>>750 books. That means the library can hold a total of 750 books. #### 750"}
{"text": "John reads a book at a speed of 20 pages every hour. The book has 240 pages. How many hours does it take John to finish the whole book? We know John reads 20 pages each hour and the book is 240 pages long. To find out how long it will take John to finish the book, we divide the total pages by the number of pages John reads each hour. So, we divide 240 pages by 20 pages per hour, which is 240 ÷ 20 = <<240/20=12>>12 hours. So, it will take John 12 hours to read the whole book. #### 12"}
{"text": "Mark wants to buy 3 pencils and 2 erasers. A pencil costs 5 cents and an eraser is 7 cents each. To find out how much Mark needs, we have to find the total cost of the pencils and the erasers. First, the total cost of pencils would be the cost of one pencil times the number of pencils Mark wants to buy which is 3 pencils * 5 cents/pencil = <<3*5=15>>15 cents. Then, the total cost of erasers would be the cost of one eraser times the number of erasers Mark wants to buy which is 2 erasers * 7 cents/eraser = <<2*7=14>>14 cents. Lastly, we add the total cost of pencils and erasers together, 15 cents (for pencils) + 14 cents (for erasers) = <<15+14=29>>29 cents. So, Mark will need 29 cents to buy 3 pencils and 2 erasers. #### 29"}
{"text": "The recipe says that 4 cups of flour is enough for 8 pancakes. So to find out how much flour you need for just one pancake, you have to divide the amount of flour (4 cups) by the number of pancakes (8). This is <<4/8=0.5>>0.5 cups of flour for each pancake. If you want to make 20 pancakes, you multiply the amount of flour for one pancake (0.5 cups) by the number of pancakes (20). So <<0.5*20=10>>10 cups of flour are needed to make 20 pancakes. #### 10"}
{"text": "The train goes 100 miles in 2 hours. We need to know how fast the train is going per hour. So we divide the miles it traveled, which is 100, by the hours it took, which is 2. So we do 100 divided by 2 = <<100/2=50>>50 miles per hour. That's how fast the train is going! #### 50"}
{"text": "The pizza has 8 slices. John eats 2 slices. To find out how many slices are left, we subtract the number of slices John ate from the total number of slices. So, we do 8 - 2 = <<8-2=6>>6 slices are left. #### 6"}
{"text": "The car is moving at a speed of 60 miles every hour. We want to know how far it can travel in 2.5 hours. To find the answer, we simply multiply the speed of the car by the number of hours. So, we do <<60*2.5=150>>150. Therefore, the car will cover 150 miles in 2.5 hours. #### 150"}
{"text": "The apple tree gave us 300 apples this year, and that's three times more than what it gave us last year. This means to find out how many apples it gave us last year, we just have to divide 300 by 3. So, 300 divided by 3 equals <<300/3=100>>100 apples. That means the tree gave us 100 apples last year. #### 100"}
{"text": "Tim is making a wooden bench. He needs 4 legs, each 1 foot long, and a seat that is 3 feet long. How many feet of wood does Tim need in total? Tim needs to make 4 legs for the bench and each leg is 1 foot long. So, for the legs he needs 1*4=<<1*4=4>>4 feet of wood. The seat is 3 feet long which means he needs an additional 3 feet of wood for the seat. In total, for the legs and the seat, Tim needs 4+3=<<4+3=7>>7 feet of wood. #### 7"}
{"text": "If a balloon goes up at a steady speed of 20 feet every minute, how far up will it be after 30 minutes? First, we know that half an hour means the same as 30 minutes. The balloon goes up 20 feet every minute, so to find out how far it goes in 30 minutes, we multiply 20 feet by 30. So, 20 feet per minute x 30 minutes equals <<20*30=600>>600 feet. So, the balloon will be 600 feet high after half an hour. #### 600"}
{"text": "Kelly's dad gives her $5 a day for a whole week. That means she gets 5*7=<<5*7=35>>35 dollars in a week. But Kelly also spends $2 every day on lunch. So, in a week, she spends 2*7=<<2*7=14>>14 dollars on lunch. Now, to find out how much money she has left at the end of the week, we subtract the money she spent on lunch from the money she got from her dad. So, it's 35-14=<<35-14=21>>21 dollars. #### 21"}
{"text": "Mary buys 3 pounds of apples at $2 per pound, so she spends 3 * $2 = <<3*2=6>>$6 on apples. She also buys 2 pounds of oranges at $3 per pound, so that's 2 * $3 = <<2*3=6>>$6 on oranges. The total amount she pays for both apples and oranges is $6 + $6 = <<6+6=12>>$12. #### 12"}
{"text": "We have 25 students in a class and each student needs 4 pencils. To find out how many pencils the teacher needs to provide, we multiply the number of students by the number of pencils each student needs. That means we calculate 25 students * 4 pencils = <<25*4=100>>100 pencils. #### 100"}
{"text": "The garden is 5 meters long and 3 meters wide. To find out how big the garden is, we need to multiply the length by the width. So, we do 5 meters times 3 meters which gives us <<5*3=15>>15 square meters. That's how big the garden is! #### 15"}
{"text": "In a basketball game, team A scores 3 points for each field goal and 1 point for each free throw. If team A made 15 field goals and 10 free throws, how many points did team A score in total? For the field goals, team A scored 15 field goals * 3 points = <<15*3=45>>45 points. For the free throws, team A scored 10 free throws * 1 point = <<10*1=10>>10 points. To find the total points, you add the points from the field goals and free throws together, so 45 points + 10 points = <<45+10=55>>55 points. So, team A scored 55 points in total. #### 55"}
{"text": "Sasha starts with 15 chewing gums. She gives away 2 chewing gums each to her four friends: Jane, Bob, Carlos, and Nina. So, she gives away 2 gums * 4 friends = <<2*4=8>>8 gums. By subtracting the gums she gave away from her initial amount, we find out that she is left with 15 gums - 8 gums = <<15-8=7>>7 gums. So, Sasha has 7 chewing gums left. #### 7"}
{"text": "The toy company makes 500 teddy bears every day, and each teddy bear needs 1.5 yards of fabric. So, the fabric needed every day is 500 teddy bears * 1.5 yards of fabric = <<500*1.5=750>>750 yards of fabric. Since a week has 7 days, the total fabric needed in a week is 750 yards per day * 7 days = <<750*7=5250>>5250 yards. So, the toy company needs 5250 yards of fabric to make teddy bears in a week. #### 5250"}
{"text": "Jane wants to buy 2 pounds of each type of candy from a candy store. Each type of candy has a different price. Candy type A costs $5 per pound, candy type B costs $6 per pound, candy type C costs $7 per pound, and candy type D costs $8 per pound. Let's find out how much Jane will pay in total. Jane will pay 2 pounds * $5/pound = <<2*5=10>>10 dollars for candy type A. For candy type B, she will pay 2 pounds * $6/pound = <<2*6=12>>12 dollars. For candy type C, she will pay 2 pounds * $7/pound = <<2*7=14>>14 dollars. Finally, for candy type D, she will pay 2 pounds * $8/pound = <<2*8=16>>16 dollars. To find out how much Jane will pay in total, we add the cost of all the candies. So, $10 (candy type A) + $12 (candy type B) + $14 (candy type C) + $16 (candy type D) = <<10+12+14+16=52>>52 dollars. #### 52"}
{"text": "A bottle can hold 1.5 liters of water and we have to find out how many such bottles are needed for 10.5 liters of water. To find out, we can simply divide the total liters of water by the liters a bottle can hold. So, it's 10.5 liters divided by 1.5 liters per bottle which equals <<10.5/1.5=7>>7 bottles. #### 7"}
{"text": "In a school, there are 120 students and the ratio of boys to girls is 3 to 2. This ratio means that for every 3 boys, there are 2 girls. If we add 3 and 2 together, we get <<3+2=5>>5 parts. Now, to find out how many students each part of this ratio represents, we divide the total number of students, which is 120, by the total parts, which is 5. So, 120 students ÷ 5 parts equals <<120/5=24>>24 students for each part. Now the ratio tells us that the number of boys is 3 parts. So, to find the total number of boys, we multiply 24, which is the number of students in each part, by 3. That gives us 24 students per part x 3 parts equals <<24*3=72>>72 boys. #### 72"}
{"text": "Mrs. Brown is baking pies for a school fair. She needs 3 apples to make one pie and she has 24 apples. So, how many pies can she make? Firstly, check how many apples she has, that's 24. Then, remember that each pie needs 3 apples. The total pies she can bake is found by dividing the total apples by the apples needed per pie. So, we divide 24 (total apples) by 3 (apples per pie) and that equals <<24/3=8>>8. This means Mrs. Brown can bake 8 pies. #### 8."}
{"text": "One bus can carry up to 50 people. If all 8 buses are full, that's a lot of people! To find out how many that is, we can just multiply the number of buses by the number of people each bus can hold. So, if we do 50 (people per bus) times 8 (buses), that equals <<50*8=400>>400 people. That's 400 people going on a trip! #### 400"}
{"text": "The train takes 2 hours to travel 120 miles. So, to find out how fast it's going, we divide 120 miles by 2 hours. That's 120 / 2 = <<120/2=60>>60 miles per hour. That's how fast the train is going. Now, if we want to know how far the train will go in 5 hours, we just multiply the speed of the train (60 miles per hour) by 5 hours. That's 60 * 5 = <<60*5=300>>300 miles. So, the train will travel 300 miles in 5 hours. #### 300"}
{"text": "The zoo has 5 elephants, 3 giraffes, 12 monkeys, and 7 zebras. We want to know how many legs are there in total. Elephants and giraffes each have 4 legs and monkeys have 2 legs. For the elephants, 5 elephants * 4 legs equals <<5*4=20>>20 legs. For the giraffes, 3 giraffes * 4 legs equals <<3*4=12>>12 legs. For the monkeys, 12 monkeys * 2 legs equals <<12*2=24>>24 legs. Zebras also have 4 legs, so 7 zebras * 4 legs is <<7*4=28>>28 legs. To find out the total number of legs, we add all of those together: 20 (elephants) + 12 (giraffes) + 24 (monkeys) + 28 (zebras) equals <<20+12+24+28=84>>84 legs.#### 84"}
{"text": "Peter has a box with 24 candies in it. He eats 3 candies every day. To find out how many days the candies will last, we can divide the total number of candies by the number of candies Peter eats each day. So, if we divide 24 candies by 3 candies per day, we get <<24/3=8>>8 days. So, the candies will last for 8 days. #### 8"}
{"text": "The bakery makes 100 loaves of bread every day, and each bread costs $2.50 to make but sells for $5.00. To find out how much money the bakery earns in a day, we first need to calculate how much it costs to make all the bread. We do this by multiplying the number of loaves (100) by the cost to make each loaf ($2.50). So, 100 x $2.50 = <<100*2.50=250>>$250. Next, we need to calculate how much money the bakery makes from selling all the bread. We do this by multiplying the number of loaves (100) by the selling price of each loaf ($5.00). So, 100 x $5.00 = <<100*5=500>>$500. Now, to find the bakery's profit, we subtract the cost to make the bread from the money made from selling it. So, $500 - $250 = <<500-250=250>>$250. That's how much money the bakery makes in a day. #### 250"}
{"text": "Bella starts with 7 toys cars. Then her brother gives her 3 more, making it 7 + 3 = <<7+3=10>>10 toy cars. Her father then gives her double the number of cars she currently has, which is 10 * 2 = <<10*2=20>>20 toy cars. So, Bella now has a total of 10 toy cars (from before) and the additional 20 toy cars (from her father), so she has 10 + 20 = <<10+20=30>>30 toy cars. #### 30"}
{"text": "A jogger runs 7 miles each day. To find out how many miles she runs in a week, we just multiply the miles she runs each day by the number of days in a week. Since there are 7 days in a week, we do 7 (miles per day) times 7 (days per week). So, she runs 7*7 = <<7*7=49>>49 miles in a week. #### 49"}
{"text": "Marta has a book that has 250 pages. She reads 20 pages every day. We need to figure out how many days will it take her to finish the book. Marta reading the whole book means reading all 250 pages. Since she reads 20 pages each day, we divide the total pages by the number of pages she reads daily. So, we get: 250 (total pages) divided by 20 (pages she reads each day) which is <<250/20=12.5>>12.5 days. But Marta can't read half a page in a day, so it will take her 13 days to finish the book, because she will finish the remaining half page on the 13th day. #### 13"}
{"text": "John, Lisa, and Sam are picking up seashells at the beach. John found 20 seashells, Lisa found double of what John found and Sam found 3 less than what Lisa found. How many seashells did they all find together? Well, since Lisa found two times the amount of John's, she found 20 * 2 = <<20*2=40>>40 seashells. Now, Sam found 3 less than Lisa, so Sam found 40 - 3 = <<40-3=37>>37 seashells. To find out how much they all found, you just have to add how much each of them found: John's 20, plus Lisa's 40, plus Sam's 37. So, they found 20 + 40 + 37 = <<20+40+37=97>>97 seashells in total. #### 97"}
{"text": "The movie theater has 15 rows and each row has 20 seats. Let's find out how many total seats there are in the theater. To do that, we need to multiply the number of rows by the number of seats in each row. So, we'll do 15 (rows) times 20 (seats per row) which gives us 15*20= <<15*20=300>>300 seats. If all the seats are occupied, that means there are 300 people in the theater. So, the theater is full with 300 people. #### 300"}
{"text": "Daisy has 4 dresses, 3 skirts, and 2 pairs of shoes. How many different outfits can she put together if she wears a dress, a skirt, and a pair of shoes each time? Let's figure out the number of different ways Daisy can mix and match her clothes to make new outfits. Daisy can choose from 4 dresses, 3 skirts, and 2 pairs of shoes. To find out how many outfits she can make, we simply multiply the number of options she has for each item of clothing. So, she has 4 dresses * 3 skirts * 2 shoes = <<4*3*2=24>>24 different outfits. #### 24"}
{"text": "Carlos starts with 200 stickers but he gives some away. First, he gives 40 stickers to his sister, so we subtract 40 from 200. The calculation is 200 - 40 = <<200-40=160>>160 stickers left. After that, he also gives 60 stickers to his friend. That means we subtract 60 from the remaining 160 stickers. The calculation is 160 - 60 = <<160-60=100>>100. So, after giving stickers to his friend and his sister, Carlos has 100 stickers left. #### 100"}
{"text": "Sarah wants to read a book that has 200 pages. She reads 25 pages each day. She wants to know how many days it will take her to finish the book. We can find out by seeing how many times 25 can go into 200. So, we can do this by calculating <<200/25=8>>8. This means it will take Sarah 8 days to finish reading the book. #### 8"}
{"text": "If a bike wheel turns 500 times for every mile it moves, how many times will it turn if the bike travels 3 miles? To find out, you just need to multiply the number of turns in one mile by 3. We know that one mile takes 500 turns. So for 3 miles, we do 500 turns/mile * 3 miles which is <<500*3=1500>>1500 turns. That means the wheel will turn 1500 times if the bike goes 3 miles. #### 1500"}
{"text": "Lucy has 5 dolls and each doll has 2 dresses. To find out the total number of dresses all the dolls have, we just need to multiply the number of dolls Lucy has by the number of dresses each doll has. So it's 5 dolls times 2 dresses which gives us 5*2 = <<5*2=10>>10 dresses in total. #### 10"}
{"text": "Chris brought 7 packs of cookies to a party and each pack has 10 cookies. So, he brought 7 packs * 10 cookies/pack = <<7*10=70>>70 cookies in total. There were 30 people at the party and each person ate 2 cookies. So, they ate 30 people * 2 cookies/person = <<30*2=60>>60 cookies. To find out how many cookies were left, we subtract the number of cookies eaten from the total number of cookies Chris brought. So, 70 cookies - 60 cookies = <<70-60=10>>10 cookies were left. #### 10"}
{"text": "A photographer takes 250 pictures at a wedding but he doesn't like 1/5 of them so he deletes them. How many photos does he have left? First, we have to find out how many photos he deleted. We do this by multiplying the total number of photos by 1/5. This means the photographer deletes 250 * 1/5 = <<250*1/5=50>>50 photos. Next, we have to subtract the number of deleted photos from the total number of photos. So, the photographer has 250 - 50 = <<250-50=200>>200 photos left. #### 200"}
{"text": "Jane needs 8 bracelets and each bracelet requires 15 beads. So, Jane needs 8 * 15 = <<8*15=120>>120 beads. A packet of beads has 100. So, Jane needs 120 / 100 = <<120/100=1.2>>1.2 packets of beads. But, Jane cannot buy 0.2 of a packet, so she needs to buy 2 packets to make sure she has enough beads for all her bracelets. #### 2"}
{"text": "Adam starts with 15 apples and gives 3 apples to each of his 4 friends. We first need to find out how many apples Adam gave away. We do this by multiplying the number of friends he has by the number of apples he gives to each friend, so 3*4 = <<3*4=12>>12 apples are given away. Now, we subtract the number of apples Adam gave away from the total number of apples he had at the start. So, we do 15 - 12 = <<15-12=3>>3. So, Adam has 3 apples left. #### 3"}
{"text": "Sam plays video games for 3 hours every day, but on Saturday and Sunday, he plays an additional hour. Let's figure out how many hours he plays in total in a week. On weekdays, there are 5 days and he plays 3 hours each day, so he plays 5 days * 3 hours/day = <<5*3=15>>15 hours during the weekdays. On the weekend, he plays 3 normal hours plus an extra hour, which is 4 hours each day, and there are 2 weekend days. So, he plays 2 days * 4 hours/day = <<2*4=8>>8 hours on the weekend. Now, to find out the total hours he plays in a week, we add the weekday hours and the weekend hours. So, 15 hours (weekday play) + 8 hours (weekend play) = <<15+8=23>>23 hours. So, Sam plays 23 hours of video games in a week. #### 23"}
{"text": "Michael has 50 stickers and gives 2 stickers to his 15 classmates. This means he gives away 2 stickers for each of his 15 friends, so that's <<2*15=30>>30 stickers he gives away. Now, to find out how many stickers he has left, we need to subtract the number of stickers he gave away from the total number he had. So, he had 50 stickers and gave away 30, which means he has <<50-30=20>>20 stickers left. #### 20"}
{"text": "John started with 12 marbles but he lost 1/3 of them. To find out how many marbles he lost, we do 12 * 1/3 = <<12*1/3=4>>4 marbles. Now, to find out how many marbles he has left, we subtract the 4 marbles he lost from his original 12 marbles. So, 12 - 4 = <<12-4=8>>8 marbles. So, John has 8 marbles left. #### 8"}
{"text": "Mia bought a dress for $200 and a pair of shoes for $100. She got a 20% discount on her total purchase. How much did Mia pay after using her coupon? First, let's add up the cost of the dress and the shoes. That's $200 for the dress plus $100 for the shoes, which makes $200 + $100 = <<200+100=300>>300 dollars in total. Mia's coupon took off 20% from that total price. To find out how much money her coupon saved her, we do 20/100 * $300 = <<20/100*300=60>>60 dollars. Finally, to find out how much Mia paid in the end, we take the total price of $300 and subtract the $60 discount. That gives us $300 - $60 = <<300-60=240>>240 dollars. So, Mia paid $240 after using her coupon. #### 240"}
{"text": "Tim has a book that is 150 pages long. Every day, he reads 10 pages. We want to find out how long it will take Tim to finish the book. So, we take the total number of pages in the book, which is 150, and divide it by how many pages Tim reads each day, which is 10. So, we do 150 ÷ 10 = <<150/10=15>>15. This means it will take Tim 15 days to finish the book if he reads 10 pages per day. #### 15"}
{"text": "The library has 6 shelves and each shelf has 30 books. To find out how many books are in the library, you just need to multiply the number of shelves (6) by the number of books on each shelf (30). So, it's 6 * 30 = <<6*30=180>>180 books. There are 180 books in total in the library. #### 180"}
{"text": "Tom has $45 and wants to buy toys that cost $15 each. To find out how many toys he can buy, we simply divide the money he has by the price of one toy. So, we do the math: $45 divided by $15 equals <<45/15=3>>3. Therefore, Tom can buy 3 toys. #### 3"}
{"text": "Carl drives 42 miles to work every day and his car uses up 1 gallon of gas for every 14 miles driven. We need to find out how much gas he uses in a week, which is 5 days. Firstly, let's find out how much gas he uses each day by dividing his daily miles by the miles his car can go per gallon, which is 42 ÷ 14 = <<42/14=3>>3 gallons. Now, to find out how much gas he uses in a week, we multiply the daily gas usage by the number of days in a week. So, 3 gallons/day x 5 days = <<3*5=15>>15 gallons. So, Carl uses 15 gallons of gas to go to work and come back in a week. #### 15"}
{"text": "Emma starts off with 5 pieces of candy. After eating 2 pieces, she now has 5 - 2 = <<5-2=3>>3 pieces of candy. Her friend gives her 3 more pieces which makes her total candy count now 3 + 3 = <<3+3=6>>6 pieces of candy. #### 6"}
{"text": "There were 18 birds sitting in a tree but 6 birds flew away. After that, 4 more birds landed on the tree. How many birds are on the tree now? We start with 18 birds and subtract the 6 that flew away which gives us 18 - 6 = <<18-6=12>>12 birds. Then we add the 4 birds that landed on the tree to get 12 + 4 = <<12+4=16>>16 birds. So, there are now 16 birds on the tree. #### 16"}
{"text": "The bakery makes 10 cakes and 15 pies every day. We need to find out how many cakes and pies they bake in one week. First, let's find out how many cakes they make in a week. They make 10 cakes every day and a week has 7 days. So, they make 10 cakes/day times 7 days/week which is <<10*7=70>>70 cakes in a week. Next, let's do the same for the pies. They make 15 pies every day. So, they make 15 pies/day times 7 days/week which is <<15*7=105>>105 pies in a week. Now, to find the total number of pastries (cakes and pies) they make in a week, we just add the cakes and pies together. So, they make 70 cakes plus 105 pies in a week which is <<70+105=175>>175 pastries in a week. #### 175"}
{"text": "Amy had 10 apples. She gave 3 apples to Jenny and ate 2 apples herself. So how many apples did her brother get? Well, first, we need to subtract the 3 apples she gave to Jenny from the 10 she had, which gives us 10 - 3 = <<10-3=7>>7 apples. Then, we need to subtract the 2 apples that Amy ate, which leaves us with 7 - 2 = <<7-2=5>>5 apples. So her brother got 5 apples. #### 5"}
{"text": "Jack is planning to buy a bike that costs $120. Every week, he is able to save up $15. We need to find out how many weeks he needs to save up to be able to buy the bike. To do this, we just need to divide the total cost of the bike by the amount he saves each week. So, we calculate $120 ÷ $15 = <<120/15=8>>8 weeks. That means Jack will need to save up for 8 weeks to buy the bike. #### 8"}
{"text": "Ben loves to read and he finishes 2 books each month. We know that there are 12 months in a year. So, if we want to find out how many books he can read in a year, we simply need to multiply how many books he reads each month by how many months there are in a year. So, we do 2 books/month x 12 months/year = <<2*12=24>>24 books/year. That's a lot of books! So, if Ben keeps up his reading speed, he will read 24 books in a year. #### 24"}
{"text": "Alex has a plank of wood that is 12 feet long. He wants to cut it into smaller pieces that are 1.5 feet each. To find out how many pieces he can get, we divide the total length by the length of each piece. So, it's 12 feet divided by 1.5 feet, which gives us <<12/1.5=8>>8 pieces. That means, Alex can cut 8 pieces from the plank. #### 8"}
{"text": "Sarah spends her day doing different things. She sleeps for 8 hours, eats for 2 hours, studies for 3 hours, and plays for 2 hours. We need to find out how much time she has left for other things. Let's start by adding up the time she spends on all these activities: <<8+2+3+2=15>>15 hours. Now, we know there are 24 hours in a day. So, to find out how much time Sarah has left, we subtract the time she spends on these activities from the total hours in a day: <<24-15=9>>9 hours. That means Sarah has 9 hours left for other activities. #### 9"}
{"text": "The airplane flies at a speed of 500 miles per hour. We want to know how far it can go in 6 hours. We can find the answer by multiplying the speed of the airplane by the time it flies. So, if we multiply the speed, 500 miles per hour, by the time, 6 hours, we get the distance the airplane can travel. Let's do the math: <<500*6=3000>>3000 miles. So, the airplane can travel 3000 miles in 6 hours. #### 3000"}
{"text": "The baker can make 12 loaves of bread in one hour. If he bakes for 8 hours, then we can find out how many loaves he bakes in a day by doing this calculation: 12 loaves/hour * 8 hours = <<12*8=96>>96 loaves. So, he bakes 96 loaves of bread in a day. #### 96"}
{"text": "If a train is going at a speed of 60 miles per hour, how far will it go after it's been running for 3.5 hours? We know a train's distance is found by multiplying its speed by the time it travels. So, because the train's speed is 60 miles per hour and it travels for 3.5 hours, the distance it will go is 60 miles/hour times 3.5 hours which equals <<60*3.5=210>>210 miles. So, after 3.5 hours, the train will have gone 210 miles. #### 210"}
{"text": "The friends are buying a game that costs $60 and they want to share the cost equally among the 5 friends. So to find out how much each friend needs to pay, we just divide the total cost of the game by the number of friends. This means the cost per friend is $60 / 5 friends = <<60/5=12>>12 dollars. So, each friend should contribute $12. #### 12"}
{"text": "Julie runs 4 miles every day and she does this for 2 weeks. First, let's figure out how many days are in 2 weeks. There are 7 days in a week so if we multiply 7 by 2 we get 7 * 2 = <<7*2=14>>14 days. So, in 2 weeks, there are 14 days. Now, we know that Julie runs 4 miles every day. So, if we want to find out how many miles she runs in 2 weeks, we multiply the number of miles she runs every day (4 miles) by the total number of days in 2 weeks (14 days). So, 4 * 14 = <<4*14=56>>56 miles. That's how many miles Julie runs in total in 2 weeks. #### 56"}
{"text": "In an election, Candidate A won by getting 60% of all the votes. The difference between Candidate A's votes and the other candidate(s) votes was 360. How many total votes were cast? We know that the difference between Candidate A's votes and the other candidate(s) votes equals 360. Since this difference represents 20% of the total votes (because 60% - 40% = <<60-40=20>>20%), we can say that 20% of the total vote amount is equal to 360 votes. To find out the total amount of votes, we can divide 360 by 20%, which is 0.20 in decimal form. So, the total amount of votes is 360 / 0.20 = <<360/0.20=1800>>1800 votes. #### 1800"}
{"text": "The rectangle has a length of 12 cm and a width of 8 cm. To find the area of a rectangle, we just need to multiply the length and width together. So, let's multiply 12 cm (length) by 8 cm (width) to get the area. This gives us 12 cm * 8 cm = <<12*8=96>>96 cm². So, the area of the rectangle is 96 cm². #### 96"}
{"text": "Tom starts with 25 apples. He gives 5 to Jane, so now he has 25 - 5 = <<25-5=20>>20 apples. Then, he eats 2 apples which means he is left with 20 - 2 = <<20-2=18>>18 apples. Unfortunately, he loses 3 apples and now has 18 - 3 = <<18-3=15>>15 apples. So, Tom has 15 apples now. #### 15"}
{"text": "The basketball team scored a total of 90 points. Out of these, 30 of the shots were two-point shots. Each two-point shot makes 2 points, so the team made 30 x 2 = <<30*2=60>>60 points from two-point shots. The rest of the points were made from free throws, which are worth 1 point each. To find out how many free throws were made, we subtract the points made from two-point shots from the total points. So, we subtract 60 from 90, which gives us 90 - 60 = <<90-60=30>>30 points. These points are all from free throws, so the team made 30 free throws. #### 30"}
{"text": "Jack purchases 7 packs of soda, and each pack includes 6 cans. To calculate the total number of cans, we multiply the number of packs Jack bought (7) by the number of cans in each pack (6). So, it's 7 * 6 = <<7*6=42>>42 cans. Therefore, Jack has 42 cans of soda in total. #### 42"}
{"text": "A store sells sweaters for $40 each and gives a 15% off. What will be the price of the sweater after this discount? First, understand that if they are giving 15% off, it means you have to pay the rest which is 100%-15%=<<100-15=85>>85% of the original price. When we convert this 85% into a decimal by dividing 85 by 100, we get 0.85. Now, if we multiply the original price of the sweater, which is $40, by this decimal 0.85, we find the price of the sweater after the discount. So, $40 x 0.85 = $<<40*0.85=34>>34 #### 34"}
{"text": "The fruit seller started with 100 oranges. On the first day, he sold 25%, which is 100 * 0.25 = <<100*0.25=25>>25 oranges. So, after the first day, he has 100 - 25 = <<100-25=75>>75 oranges left. On the second day, he sold 35% of these 75 oranges, which is 75 * 0.35 = <<75*0.35=26.25>>26.25 oranges. This rounds down to 26 oranges. Finally, the oranges left after the second day are 75 - 26 = <<75-26=49>>49 oranges. #### 49"}
{"text": "The bag of grapes weighs 2 pounds. Every single grape weighs 0.02 pounds. To find out how many grapes are in the bag, we need to divide the total weight of the bag by the weight of each grape. So we do 2 divided by 0.02 which equals <<2/0.02=100>>100. This means there are 100 grapes in the bag. #### 100"}
{"text": "Sam had 120 candies in a jar. First, he ate 20% of the candies. To find out how many that is, we do 120 * 20% = <<120*20*.01=24>>24 candies. After eating those, Sam still had 120 - 24 = <<120-24=96>>96 candies. Then, Sam gave half of those to his friend. That's 96 / 2 = <<96/2=48>>48 candies. After giving those away, Sam had 96 - 48 = <<96-48=48>>48 candies left in the jar. #### 48"}
{"text": "The farmer has 16 apple trees and each tree has 200 apples. So, he has 16*200=<<16*200=3200>>3200 apples in total. Now, if he sells 5 apples for a dollar, he can make 3200 / 5 = <<3200/5=640>>640 dollars by selling all his apples. #### 640"}
{"text": "The train travels at 60 miles per hour for 3 hours. To find out how far the train travels, we just need to multiply the speed of the train by the time it travels. That means we need to do this calculation: <<60*3=180>>180 miles. So, the train travels 180 miles. #### 180"}
{"text": "If a recipe needs 3 cups of flour for 24 cookies, how many cups of flour do you need to make 72 cookies? First, lets figure out how much flour you need for just one cookie. If you divide the total flour, 3 cups, by the total number of cookies, 24, you get the amount of flour for one cookie. So, 3 cups of flour divided by 24 cookies equals <<3/24=0.125>>0.125 cups of flour for one cookie. Then, to find out how much flour you need for 72 cookies, multiply the amount of flour for one cookie, 0.125 cups, by 72. So, 0.125 cups of flour times 72 cookies equals <<0.125*72=9>>9 cups of flour. That means you need 9 cups of flour to make 72 cookies. #### 9"}
{"text": "A car can go 360 miles with a full tank of gas, and the tank can hold 12 gallons of gas. We want to figure out how many miles the car can go on one gallon of gas. To find this, we divide the total miles the car can travel by the number of gallons the tank can hold, so we do 360 miles ÷ 12 gallons = <<360/12=30>>30 miles per gallon. So, the car's gas mileage is 30 miles per gallon. #### 30"}
{"text": "Samantha spent her money on 3 books and 2 pencils. Each book costs $12 and each pencil costs $1.50. How much did she spend in total? First, we find out how much she spent on books. She bought 3 books for $12 each, so we multiply $12 by 3 and get <<12*3=36>>$36. Then, we calculate how much she spent on pencils. She bought 2 pencils for $1.50 each, so we multiply $1.50 by 2 and get <<1.5*2=3>>$3. To find out the total amount she spent, we add the cost of the books and the pencils together. So, $36 + $3 equals <<36+3=39>>$39. #### 39."}
{"text": "The school library has 500 books. If 60% of the books are fiction, we want to know how many non-fiction books are there in the library. Let's first find out how many books are fiction. To do this, we multiply the total number of books, which is 500, by 60% (or 0.60). So, the calculation would be 500 * 0.60 = <<500*0.60=300>>300. Now we know that there are 300 fiction books. To find out how many non-fiction books there are, we subtract the number of fiction books from the total number of books. So, we do 500 - 300 = <<500-300=200>>200. Therefore, there are 200 non-fiction books in the library. #### 200"}
{"text": "Sally's bedroom is 12 feet by 15 feet. To find out how much space that is, we multiply the length by the width. So, 12 feet * 15 feet = <<12*15=180>>180 square feet. Now we know each roll of wallpaper can cover 60 square feet. So to find out how many rolls Sally needs, we divide the total space by the space each roll can cover. That means we do 180 square feet / 60 square feet/roll = <<180/60=3>>3 rolls. So Sally needs 3 rolls of wallpaper. #### 3"}
{"text": "A car uses 2 gallons of gas to travel 15 miles. If it travels 45 miles, how many gallons of gas does it use? First, we find out how many miles the car can travel with 1 gallon of gas. We do this by dividing 15 miles by 2 gallons, which is 15 ÷ 2 = <<15/2=7.5>>7.5 miles per gallon. This tells us how much miles the car can travel using 1 gallon of gas. Now, we need to find out how much gas it uses to travel 45 miles. We do this by dividing 45 miles by 7.5 miles per gallon, so it's 45 ÷ 7.5 = <<45/7.5=6>>6 gallons. So, the car uses 6 gallons of gas to travel 45 miles. #### 6"}
{"text": "Rex had 500 gold coins. He gave 1/4 of them to his friend, which is 500*1/4 = <<500*1/4=125>>125 gold coins. After giving them away, he had 500-125 = <<500-125=375>>375 gold coins left. He then lost half of them in a bet, which is 375*1/2 = <<375*1/2=187.5>>187.5 gold coins. Since we can't have half a coin, we round up to 188. So, after losing the bet, Rex had 375-188 = <<375-188=187>>187 gold coins left. #### 187"}
{"text": "Billy grows 20 tomato plants in his garden and each plant gives him about 50 tomatoes. If Billy needs 10 tomatoes to make a jar of salsa, we want to know how many jars of salsa can Billy make. First, let's find out how many tomatoes he has in total. He has 20 plants and each gives 50 tomatoes so the total is 20 * 50 = <<20*50=1000>>1000 tomatoes. Now, Billy needs 10 tomatoes to make a jar of salsa. So, if he has 1000 tomatoes, he can make 1000 / 10 = <<1000/10=100>>100 jars of salsa. Therefore, Billy can make 100 jars of salsa. #### 100"}
{"text": "The parking lot has 20 spaces and 3/4 of them are taken. To find out how many spaces are filled, we multiply the total spaces which is 20 by 3/4. So, 20 * 3/4 = <<20*3/4=15>>15 spaces are filled. Now, to find out how many spaces are still empty, we subtract the filled spaces from the total spaces. So, 20 - 15 = <<20-15=5>>5 spaces are still available. #### 5"}
{"text": "The area of a rectangle is figured out by multiplying the length and the width. For this rectangle, the length is 6 cm and the width is 3 cm. So you just multiply the length, which is 6 cm, by the width, which is 3 cm. Doing the multiplication, 6 cm * 3 cm equals <<6*3=18>>18 cm^2. So, the area of the rectangle is 18 cm^2. #### 18"}
{"text": "Each glass of lemonade Lisa drinks is 200ml. She drinks 5 glasses every day. So, she drinks 200ml x 5 = <<200*5=1000>>1000ml or 1 liter of lemonade each day. Now, to find out how much she drinks in a week, we multiply how much she drinks each day (1 liter) by the number of days in a week (7). So, 1 liter x 7 = <<1*7=7>>7 liters. This means Lisa drinks 7 liters of lemonade in a week. #### 7"}
{"text": "The t-shirt is on sale with 25% off and it was originally $20. Let's figure out how much it costs now. First, we turn the 25% into a decimal by dividing by 100. So we get 25/100 = <<25/100=0.25>>0.25. Then, we find out how much the discount is by multiplying the original price by this decimal. So we get $20 * 0.25 = <<20*0.25=5>>$5. That's how much we save. But we want to know the new price of the t-shirt after the discount. So we subtract the discount from the original price. That gives us $20 - $5 = <<20-5=15>>$15. So, the t-shirt now costs $15 after the 25% discount. #### 15"}
{"text": "We are told that half of the students in the school are girls, which means the other half must be boys. The school has 240 students in total. We can find the number of boys by doing 240 divided by 2. So the calculation is <<240/2=120>>120. This means there are 120 boys in the school. #### 120"}
{"text": "Maria wants to buy a bicycle that costs $120 and she saves $10 every week. To figure out how many weeks it will take for her to have enough money, we simply divide the total cost of the bike by the amount she saves each week. That's $120 ÷ $10 = <<120/10=12>>12 weeks. So, Maria will need 12 weeks to save enough money to buy the bicycle. #### 12"}
{"text": "Jake has a pizza with 8 slices and he wants to share it equally with his 4 friends. To find out how many slices each friend will get, we divide the total number of pizza slices by the number of friends. So, we do <<8/4=2>>2. Each friend will get 2 slices of pizza. #### 2"}
{"text": "Laurie baked 5 dozen cookies for a bake sale. If each cookie sells for $0.75, how much money will she make if all the cookies are sold? We know that a dozen is 12, so Laurie baked 5*12=<<5*12=60>>60 cookies. Each cookie sells for $0.75, so if she sells all the cookies, she will make 60*$0.75=<<60*0.75=45>>45 dollars. #### 45"}
{"text": "Sam starts with 12 candies but gives away 1/3 of them. To find out how many candies he gave away, we need to calculate 1/3 of 12 which is <<1/3*12=4>>4 candies. Now, to figure out how many candies Sam has left, we subtract the number of candies he gave away from the total number he had. So, it's 12 candies - 4 candies which equals <<12-4=8>>8 candies. #### 8"}
{"text": "The tank can hold 500 liters and it takes 10 minutes to fill it up. To find out how fast the pump is, we just need to divide the total amount of water it can pump by the time it takes. So, we do 500 liters divided by 10 minutes which equals <<500/10=50>>50 liters per minute. That's how fast the pump is. #### 50"}
{"text": "The question wants us to find out how far a car going 60 km/h will travel in 2.5 hours. To find out, we use the formula Distance = Speed x Time. So we plug in our values and get Distance = 60 km/h x 2.5 hours. We do the multiplication and find out the car will go 60 x 2.5 = <<60*2.5=150>>150 kilometers in 2.5 hours. #### 150"}
{"text": "The turtle moves at a speed of 0.5 miles every hour and it traveled for 4 hours. To find out how far the turtle went, we multiply its speed by the time it traveled. So, the distance the turtle covered is 0.5 miles per hour times 4 hours, which is 0.5 * 4 = <<0.5*4=2>>2 miles. So, the turtle covered 2 miles. #### 2"}
{"text": "The train starts traveling at 10 a.m. and stops at 4 p.m., so it travels for 4 - 10 = <<4-10=-6>>6 hours. The train moves at 60 miles per hour, so in 6 hours, it travels 60 * 6 = <<60*6=360>>360 miles. So, the train traveled 360 miles. #### 360"}
{"text": "The baker uses 5 cups of flour to bake one cake. She wants to bake 4 cakes. So, she will need 4 (cakes) * 5 (cups of flour for each cake) = <<4*5=20>>20 cups of flour. #### 20"}
{"text": "Michael is 3 years younger than his brother Tom. Their ages together make up 21 years. So how old is Michael? Let's figure this out step-by-step. We know that Tom's age minus 3 years equals Michael's age. We also know that the total of their ages is 21 years. So if we think of their ages as (Tom's age - 3) + Tom's age, this equals 21 years. If we add everything together, this is like saying 2 times Tom's age minus 3 equals 21. If we add 3 to each side, that gives us 2 times Tom's age equals <<21+3=24>>24. That means Tom's age is 24 divided by 2 which equals <<24/2=12>>12 years. We can now figure out Michael's age by subtracting 3 years from Tom's age. So, Michael's age is 12 - 3 which equals <<12-3=9>>9 years. Therefore, Michael is 9 years old. #### 9"}
{"text": "We have a rectangle that is 10 inches long and 5 inches wide. To find the area, we need to multiply the length and the width together. So we do 10 inches (the length) times 5 inches (the width) which gives us <<10*5=50>>50 square inches. So, the area of the rectangle is 50 square inches. #### 50"}
{"text": "Madison has more cats than dogs. She has 4 more cats than dogs and a total of 14 pets. Let's see how many cats she has. First, let's find out how many dogs she has. We know that if we add the number of dogs with the number of cats, we get 14. If we take this and subtract the 4 extra cats she has, we get 14 - 4 = <<14-4=10>>10. Now, we know that the number of dogs and cats (without the extra 4 cats) is 10. Since the number of cats and dogs are equal without the extra 4 cats, she has 10 / 2 = <<10/2=5>>5 dogs. Because she has 4 more cats than dogs, she has 5 dogs + 4 extra cats = <<5+4=9>>9 cats. #### 9"}
{"text": "The painter uses 3 liters of paint for a wall that's 8 meters wide and 3 meters tall. How much paint will he need for a wall that's 4 meters wide and 6 meters tall? First, let's see how large the first wall is. The size of the wall is the width times the height, so the first wall is 8m*3m=<<8*3=24>>24 square meters. The painter used 3 liters of paint for this, so each liter of paint can cover 24/3=<<24/3=8>>8 square meters. Then, let's find the size of the second wall. It's 4m*6m=<<4*6=24>>24 square meters. To find out how much paint we need, we divide the size of the second wall by the size that each liter of paint can cover. So, we need 24/8=<<24/8=3>>3 liters of paint to cover the second wall. #### 3"}
{"text": "Lily and her 3 friends want to buy a toy that costs $40. They want to share the cost equally. So, how much should each person pay? First, let's figure out the total cost of the toy, which is $40. Next, let's figure out how many people are sharing this cost. We have Lily and her 3 friends, so that's 4 people in total. Now, to find out how much each person should pay, we divide the total cost by the number of people. This gives us $40 / 4 = <<40/4=10>>10. So, each person should pay $10. #### 10"}
{"text": "Henry has 12 sweets and he gives 1/3 of them to his brother. To figure out how many sweets he gave to his brother, we do 1/3 x 12 = <<1/3*12=4>>4 sweets. Now we know that he gave 4 sweets to his brother. Henry originally had 12 sweets, so if we subtract the 4 sweets he gave away, we get 12 - 4 = <<12-4=8>>8 sweets. This means Henry has 8 sweets left after giving some to his brother. #### 8"}
{"text": "We know that one gallon of paint can cover 400 square feet. We want to find out how many gallons of paint we need to cover a room that is 1200 square feet. We can do this by simply dividing the total area of the room by the amount of area one gallon of paint can cover. So, we do 1200 square feet ÷ 400 square feet/gallon = <<1200/400=3>>3 gallons. So, we would need 3 gallons of paint to cover the room. #### 3"}
{"text": "The farmer harvested 200 kilograms of potatoes and sold them for $2 each. To find out how much money he made, we just need to multiply the weight of the potatoes by the price. So, it's 200 kilograms times $2 per kilogram, which equals <<200*2=400>>400 dollars. So, the farmer made $400 from selling the potatoes. #### 400."}
{"text": "David needs to buy 30 batteries and a pack of 10 batteries costs $15. To find out how much one battery costs, we divide the total cost of the pack by the number of batteries in the pack. So, $15 ÷ 10 = <<15/10=1.50>>$1.50 per battery. Now, we find out how much David will spend for 30 batteries by multiplying the cost of one battery by the number of batteries David needs. So, $1.50 x 30 = <<1.50*30=45>>$45. #### 45"}
{"text": "Joe has $20 and he saves 25% of it. To find out how much he saves, we first need to turn the percentage into a decimal. So, 25% is the same as 0.25. Now we can just multiply the $20 by 0.25 to find out how much Joe saves. So, it's 0.25 * $20 = <<0.25*20=5>>5. That means Joe saves $5 from his weekly allowance. #### 5"}
{"text": "Emily got $50 for her birthday and saved $10 a week for 8 weeks. To find out how much she saved, we do 10*8=<<10*8=80>>80. Now we add the $50 she got for her birthday with the $80 she saved, so that's 50+80=<<50+80=130>>130. So, After 8 weeks, Emily has $130. #### 130"}
{"text": "Sandra bought a dress for $50 and shoes for $30. She used a 20% off coupon. How much did she pay? First, we need to add the cost of the dress and shoes. So, $50 (dress) + $30 (shoes) equals <<50+30=80>>$80. Then, we need to find out how much she saved with her 20% off coupon. We do this by multiplying the total cost by 20%. So, $80 * 20% equals <<80*0.20=16>>$16. This means she saved $16! Now, to find out how much she paid, we subtract her discount from the total cost. So, $80 - $16 equals <<80-16=64>>$64. #### 64"}
{"text": "Emily reads 25 pages a day and the book has 200 pages. So, to find out how many days it will take Emily to finish the book, we divide the total number of pages by the number of pages Emily reads each day. That's <<200/25=8>>8 days. So, Emily will need 8 days to read the whole book. #### 8"}
{"text": "A bus has 50 seats. If 2/5 of the seats are taken, how many seats are empty? We first need to find out how many seats are taken. We can do this by multiplying 50 by 2/5, so 50 * 2/5 = <<50*2/5=20>>20 seats are taken. Now, to find out how many seats are empty, we just need to subtract the number of taken seats from the total number of seats. So, 50 - 20 = <<50-20=30>>30 seats are empty. #### 30"}
{"text": "In a box, there are 120 pencils. Each pack holds 10 pencils. So, we need to find out how many packs are there in the box. To do this, we divide the total number of pencils by the number of pencils in each pack. So, we calculate 120 ÷ 10 = <<120/10=12>>12. So, there are 12 packs in the box. #### 12"}
{"text": "To figure out how far a car can travel on 20 gallons of gas, we first need to know how many miles it can go with one gallon of fuel. The car travels 70 miles using 5 gallons of gas, so to find out how many miles it can go with one gallon, we divide the total miles by total gallons. That's 70 miles / 5 gallons = <<70/5=14>>14 miles per gallon. Now, to calculate how far the car can travel with 20 gallons of fuel, we multiply the mileage per gallon by the number of gallons. So, 14 miles per gallon * 20 gallons = <<14*20=280>>280 miles. #### 280"}
{"text": "Billy's yard is 30 feet long and 20 feet wide. He wants to plant flowers along the edges of his yard. If each flower needs 2 feet of space, how many flowers can Billy plant? Let's find out! First, we need to know how long the total border of Billy's yard is. This is called the perimeter. The way to find the perimeter of a rectangle is to add the length and width, then double the result. So we calculate 2 * (30 feet + 20 feet) = <<2*(30+20)=100>>100 feet. This is how long the total border of Billy's yard is. Each flower needs 2 feet of space. So, to find out how many flowers Billy can plant, we divide the total length of the border by the amount of space each flower needs. We do this calculation: 100 feet / 2 feet per flower = <<100/2=50>>50 flowers. So, Billy can plant a total of 50 flowers all around his yard. #### 50."}
{"text": "The local library needs some more money to build a new part to the library. They still need $5000 and each person who gives money, gives $50. How many more people do they need to give money to reach their target? To find out, we have to divide the total amount of money they need by how much each person gives. So we do this: <<5000/50=100>>100. The library needs 100 more people to give money to reach their goal. #### 100"}
{"text": "The baker makes 15 cakes every day and each of these cakes is divided into 8 slices. This means the baker has 15 x 8 = <<15*8=120>>120 slices of cake every day. If one slice of cake is sold for $2, then by selling all the slices, the baker will earn 120 x $2 = <<120*2=240>>240 dollars in a day. #### 240"}
{"text": "Mary has a bag of candies. She eats 2 candies and gives her brother 1 candy every day. After 10 days, she has 18 candies left. How many candies did she start with? Every day, Mary and her brother eat a total of 2+1=<<2+1=3>>3 candies. Over 10 days, they eat 3*10=<<3*10=30>>30 candies. If there are 18 candies left, that means she started with 30 + 18 = <<30+18=48>>48 candies. #### 48"}
{"text": "John and Jane want a new video game that costs $80. Every week, John saves $10 and Jane saves $5. How many weeks will it take for them to save enough money for the video game? First, let's add up the total money John and Jane save in a week. John's $10 plus Jane's $5 gives us $<<10+5=15>>15 per week. To find out the number of weeks they need, we divide the cost of the video game by their weekly savings. So, $80 divided by $15 is roughly <<80/15=5.33>>5.33 weeks. But, since we can't count part of a week, we have to round up to the next whole number. So, they'll need 6 weeks to save enough for the video game. #### 6"}
{"text": "Michael won 4 marbles from his friends in a game and then lost half of his marbles to Roger after which he was left with 12 marbles. Let's find out how many marbles Michael had at the very beginning. First, we double the number of marbles he had left, so 12 * 2 = <<12*2=24>>24 marbles. This is the number of marbles he had before losing to Roger. Now, we subtract the marbles he won from his friends from this number. So, Michael started with 24 - 4 = <<24-4=20>>20 marbles. #### 20"}
{"text": "The farmer plants 8 rows of corn and each row has 20 plants. We can find out how many plants in total by doing 8 rows * 20 plants/row = <<8*20=160>>160 plants. Each of these plants grows 3 ears of corn. So, we can find out how many ears of corn in total by doing 160 plants * 3 ears/plant = <<160*3=480>>480 ears of corn. So, at the end of the season, the farmer will have 480 ears of corn. #### 480"}
{"text": "We have a bag with red and blue balls. The ratio of red to blue balls is 4 to 5. We know that there are 18 red balls, which corresponds to '4' in the ratio. So, one part of the ratio is equal to 18 red balls divided by 4 parts, that is 18 ÷ 4 = <<18/4=4.5>>4.5 balls per part. Now, to find out the number of blue balls, we need to multiply the number of parts for blue balls, which is 5, by the value of one part, which is 4.5 balls. So, 5 parts times 4.5 balls per part equals 5 × 4.5 = <<5*4.5=22.5>>22.5 balls. But remember, we cannot have half a ball, so we round up and say there are about 23 blue balls in the bag. #### 23"}
{"text": "We want to find the area of a rectangle. We know that the length is 12 cm and the width is 5 cm. To get the area, we need to do a simple multiplication of the length and the width. So, we multiply 12 cm by 5 cm which equals <<12*5=60>>60 square cm. Therefore, the area of the rectangle is 60 square cm. #### 60"}
{"text": "Anna needs to buy 10 yards of fabric for her curtains. Each yard of fabric costs $5. So, we find the total cost by multiplying the number of yards Anna needs by the cost per yard. Like this: 10 yards * $5 per yard = <<10*5=50>>50 dollars. That's how much Anna will spend. #### 50"}
{"text": "The car goes 60 miles in an hour and it takes 4 hours to reach where it's going. So, to find out how far away the destination is, we take the speed of the car, which is 60 miles per hour, and multiply it by the time it takes to get there, which is 4 hours. So, the distance is 60 miles per hour times 4 hours or <<60*4=240>>240 miles. #### 240"}
{"text": "The water tank can hold 500 liters and the tap fills it up at a speed of 10 liters every minute. To figure out how long it will take to fill up the tank, we need to divide the tank's total capacity by the speed of the tap. This means we divide 500 liters by 10 liters per minute. This gives us the answer of 500/10 = <<500/10=50>>50 minutes. So, it will take 50 minutes to fill the tank. #### 50"}
{"text": "You got 20 apples to share with your 4 friends. How many apples will each friend get? You start with 20 apples. You need to share them with 4 friends. To do this, you do a simple division: 20 divided by 4. So, <<20/4=5>>5 apples for each friend. That's the total number of apples each friend will get. #### 5"}
{"text": "The princess's castle tower is 50 feet tall and each floor is 10 feet. To find out how many floors there are, we just need to divide the total height of the tower by the height of each floor. So, we do 50 divided by 10 which is <<50/10=5>>5. So, the castle has 5 floors. #### 5"}
{"text": "In a school, most of the students are girls, making up 3/5 of the whole student body. If the total number of kids in the school is 120, can you tell me how many boys are there? Let's figure this out together. We first need to know how many girls are in the school. To do this, we multiply the total number of students by the part that represents the girls, which is 3/5. So, that's 120 * 3/5 = <<120*3/5=72>>72 girls. Now, to know how many boys are there, we take the total number of students and subtract the number of girls. That's 120 - 72 = <<120-72=48>>48 boys. So, we have 48 boys in the school. #### 48"}
{"text": "There are 24 kids going on a field trip and each car has 8 seats. We simply divide the total number of kids by the number of seats in each car to find out how many cars are needed. So, 24 ÷ 8 = <<24/8=3>>3 cars. To make sure this is correct, we can multiply the number of cars by the number of seats in each car. That's 3 cars * 8 seats = <<3*8=24>>24 kids, which is the total number of kids. So, we need 3 cars to take all the kids on the field trip. #### 3."}
{"text": "Lisa and her 3 friends went out to eat and their bill came to $80. They want to share the cost equally. So we need to take the total bill which is $80 and divide it by the number of people which is 4 (Lisa and her 3 friends). To do this we do 80 ÷ 4 = <<80/4=20>>20. So each person needs to pay $20. #### 20"}
{"text": "The shopkeeper starts with 25 cartons of soda, with each carton containing 12 bottles. So, the total amount of soda bottles he initially has is 25 cartons times 12 bottles per carton, which equals <<25*12=300>>300 bottles. Then, the shopkeeper sells 3 cartons, with each carton having 12 bottles. This means he sold a total of 3 cartons times 12 bottles per carton, which equals <<3*12=36>>36 bottles. He also sells an additional 8 individual bottles. So, the total number of bottles he sold is 36 bottles plus 8 bottles, which equals <<36+8=44>>44 bottles. To find out how many bottles he has left, we subtract the total number of bottles he sold from the initial number of bottles. This means 300 bottles minus 44 bottles, which equals <<300-44=256>>256 bottles. #### 256"}
{"text": "Maria is making cupcakes. If she makes 3 batches and each recipe makes 12 cupcakes, how many does she make in total? To solve this, we just need to multiply the number of batches Maria makes by the number of cupcakes each batch makes. So, 3 batches times 12 cupcakes equals <<3*12=36>>36 cupcakes. #### 36"}
{"text": "In the zoo, there are 15 lions and each lion eats 5 lbs of meat every day. So, to find out how much meat all the lions eat in one day, we do 15 lions * 5 lbs = <<15*5=75>>75 lbs of meat. There are also 20 tigers and each tiger eats 7 lbs of meat each day. So, 20 tigers * 7 lbs = <<20*7=140>>140 lbs of meat. To feed all the lions and tigers in the zoo, we add the meat eaten by the lions and the tigers together. So, 75 lbs (for the lions) + 140 lbs (for the tigers) = <<75+140=215>>215 lbs of meat in total. So, the zoo needs 215 lbs of meat every day to feed all the lions and tigers. #### 215"}
{"text": "Tony baked 120 cookies and put them in boxes. Each box holds 6 cookies. If there are cookies left over that can't fill a box completely, Tony gets to keep them. How many cookies did Tony end up with? First, we find out how many boxes Tony can fill. He has 120 cookies and each box holds 6, so he can fill 120 ÷ 6 = <<120/6=20>>20 boxes. Next, we see how many cookies Tony used to fill these boxes. He filled 20 boxes and each box holds 6 cookies, so he used 20 x 6 = <<20*6=120>>120 cookies. Finally, we find out how many cookies are left for Tony. He baked 120 cookies and used 120 to fill the boxes, so he's left with 120 - 120 = <<120-120=0>>0 cookies. All the cookies Tony baked fit perfectly into the boxes, so he didn't get to keep any. #### 0"}
{"text": "Tim's car can travel 30 miles with one gallon of gas. He has to drive 180 miles. So, he will need 180 divided by 30 which is <<180/30=6>>6 gallons of gas. The price of one gallon of gas is $2.50. So, he will need to pay $2.50 times 6 which is <<2.5*6=15>>15 dollars for gas. Therefore, Tim will spend $15 on gas for his trip. #### 15"}
{"text": "To find out how many buses will have left the station in 2 hours, we first need to find out how many minutes are in 2 hours. We know that 1 hour has 60 minutes, so 2 hours will have <<60*2=120>>120 minutes. Now, if a bus leaves every 15 minutes, we can find out how many buses leave in 2 hours by dividing the total minutes (120) by the number of minutes each bus leaves (15). That means, <<120/15=8>>8 buses will have left the station in 2 hours. #### 8"}
{"text": "A football field is 100 yards long and a player runs up and down the field 5 times. So, to find out how many yards he ran, we need to multiply the length of the field by the number of times he ran it. So, it's 100 yards * 5 times = <<100*5=500>>500 yards. #### 500"}
{"text": "Olivia has 14 candies and wants to put 2 candies in each bag. So, to find out how many bags she needs, we divide the total number of candies by the number of candies per bag. That's 14 ÷ 2 = <<14÷2=7>>7. So, Olivia needs 7 bags to divide her candies equally. #### 7"}
{"text": "Laura wants to get a $15 novel but she only has $5. She plans to save $2 each week from her allowance. How many weeks does Laura have to save to get her novel? First, we find out how much more money Laura needs by subtracting her $5 from the $15 novel cost. That's $15 - $5 = <<15-5=10>>10 dollars. Laura still needs $10. Since Laura saves $2 each week, we divide $10 by $2 to find out how many weeks she needs to save. That's $10 ÷ $2 = <<10/2=5>>5 weeks. So, Laura needs to save her allowance for 5 weeks to get her novel. #### 5"}
{"text": "Tim wants to buy 3 slices of pizza from a place where each slice costs $2. He gives the cashier a $10 bill. How much change will he get back? First, we find the total cost of the pizza slices. Each slice costs $2 and Tim wants 3 slices, so the total cost is $2*3 = <<2*3=6>>$6. Then, we subtract the cost of the pizza from the $10 bill Tim gave to the cashier. His change will be $10 - $6 = <<10-6=4>>$4. So, Tim will get $4 back in change. #### 4"}
{"text": "The train's speed is 60 miles per hour and the distance it needs to travel is 240 miles. To find out how long the train trip will take, we just need to divide the total distance by the speed of the train. So, let's do it: 240 miles divided by 60 miles per hour equals <<240/60=4>>4 hours. That means, the train will need 4 hours to travel 240 miles. #### 4"}
{"text": "Leo read 3 books in a week and each book had 100 pages. That means in a week, Leo read 3 books * 100 pages/book, which is <<3*100=300>>300 pages. Since there are about 4 weeks in a month, the total number of pages Leo read in a month is 4 weeks/month * 300 pages/week, which equals <<4*300=1200>>1200 pages. #### 1200"}
{"text": "Emily's mom baked 3 trays of cookies and each tray held 24 cookies. To find out how many cookies Emily's mom baked in total, you simply multiply the number of trays by the number of cookies each tray held. So, the total number of cookies is 3 trays times 24 cookies per tray which equals <<3*24=72>>72 cookies. #### 72"}
{"text": "Carl wants to buy a toy that costs $100. He is able to save $5 every week. How many weeks does Carl need to save his money to buy the toy? To figure this out, we can see how many times $5 fits into $100, or in other words, we divide $100 by $5. That's <<100/5=20>>20. So, Carl needs to save his money for 20 weeks to buy the toy. #### 20"}
{"text": "Tyler has 5 pencils but he wants to keep 1 for himself. So, he has 5-1=<<5-1=4>>4 pencils to give to his friends. He has 3 friends and he wants to give them each the same amount of pencils. So, he gives his friends 4÷3=<<4/3=1.33>>1.33 pencils each. But, a pencil can't be split into a fraction, so each friend will only get 1 pencil. Tyler will still have 1 pencil left over that he couldn't give away. #### 1"}
{"text": "We already know that there are 7 days in a week. If we want to know how many days there are in 4 weeks, we just need to multiply the number of days in a week (7) by the number of weeks (4). So, it's like this: <<7*4=28>>28 days. #### 28"}
{"text": "Sarah has a book with 450 pages and she reads 30 pages every day. We need to find out how many days it will take for her to finish the book. To do this we divide the total number of pages (450) by the amount she reads each day (30). So, 450 divided by 30 equals <<450/30=15>>15. That means, it will take Sarah 15 days to finish reading the book. #### 15"}
{"text": "Olivia has 5 bags and each bag has 8 candies. To find out how many candies Olivia has in total, we just need to multiply the number of candies in each bag by the number of bags. So we do 8 (candies in each bag) * 5 (number of bags) which gives us <<8*5=40>>40 candies. So, Olivia has 40 candies in total. #### 40"}
{"text": "If we have a box of pencils and it contains 12 pencils, and we are told that a classroom needs 240 pencils, how can we find out how many boxes of pencils the classroom needs? Well, we know that each box has 12 pencils in it, and we know that the classroom needs 240 pencils in total. So all we need to do is divide the total number of pencils needed (which is 240) by the number of pencils in each box (which is 12). So if we do that, we get 240 divided by 12 equals <<240/12=20>>20 boxes. So the classroom needs 20 boxes of pencils. Isn't that easy? #### 20"}
{"text": "The book has 200 pages. If the student reads 15 pages each day, we need to know how many days it takes for the student to finish the book. We find this by dividing the total number of pages by the number of pages the student reads each day. So, 200 pages divided by 15 pages per day equals <<200/15=13.33>>13.33 days. But we can't have a part of a day, so the student will need 14 days to finish the book. On the 14th day, they will read the left-over pages. #### 14"}
{"text": "Roger started with 15 toy cars, got 3 more for his birthday, and then bought 2 more. So, he has 15 initial cars plus 3 birthday cars, which makes 15 + 3 = <<15+3=18>>18 cars. Then he bought 2 more, giving him 18 + 2 = <<18+2=20>>20 cars altogether. So, Roger now has 20 toy cars. #### 20"}
{"text": "The toy store sold 10 teddy bears every day and did this for 7 days in one week. To find out how many teddy bears are sold in a week, we multiply how many are sold in a day by how many days are in a week. So, 10 teddy bears * 7 days = <<10*7=70>>70 teddy bears were sold in a week. #### 70"}
{"text": "Julie has 3 blue pens and 5 red pens. To find out how many pens she has in total, we just need to add up all her pens. So we add up her blue pens and red pens like this: <<3+5=8>>8. That's how many pens Julie has in total! #### 8"}
{"text": "The car uses 5 liters of gas to go 100 kilometers. If the car has to go 300 kilometers, we have to find out how many 100 kilometers are in 300 kilometers. We do this by dividing 300 by 100 which is <<300/100=3>>3. Then we multiply the number of 100 kilometers (which is 3) by the amount of gas the car uses for each 100 kilometers (which is 5 liters). That's 3 times 5, which is <<3*5=15>>15. So, the car will need 15 liters of gas to travel 300 kilometers. #### 15"}
{"text": "The tree had 10 apples. James picked 4 apples and his sister picked 3 apples. So, we have to subtract the number of apples they picked from the total. At first, we will subtract the 4 apples James picked from the total. 10 - 4 equals <<10-4=6>>6 apples. Then, we subtract the 3 apples his sister picked from the 6 apples left. 6 - 3 equals <<6-3=3>>3 apples. So, there are 3 apples left on the tree. #### 3"}
{"text": "There are 50 candies in a bag. If these candies are divided equally among 5 friends, we can found how many candies each friend gets by doing this simple division: 50 divided by 5. So, 50 candies divided by 5 friends is <<50/5=10>>10 candies. Each friend will get 10 candies. #### 10"}
{"text": "The bakery bakes 5 cakes every hour and we know there are 24 hours in a day. So, to find out how many cakes the bakery bakes in a day, we just need to multiply the number of cakes baked in an hour by the number of hours in a day. So, let's do the math: 5 cakes/hour x 24 hours/day = <<5*24=120>>120 cakes. That's a lot of cakes! #### 120"}
{"text": "Mike and his friends are going to a music festival. It's 240 miles away. They are driving at a speed of 60 miles per hour. So, to know how many hours they need to drive, we have to use the total distance and their speed. We find out the time by dividing the distance they need to travel which is 240 miles by the speed they're driving at, which is 60 miles per hour. So, 240 miles divided by 60 miles per hour equals <<240/60=4>>4 hours. This means it will take them 4 hours to get to the music festival. #### 4"}
{"text": "Sam bought 4 pizza slices and each slice costs $2. So, Sam spent 4 slices * $2/slice which gives us $<<4*2=8>>8. Mike bought 5 slices at the same price, so he spent 5 slices * $2/slice which equals to $<<5*2=10>>10. To find out the total amount they both spent, we add Sam's total and Mike's total which is $8 + $10 = $<<8+10=18>>18. So, Sam and Mike spent $18 in total on pizza. #### 18"}
{"text": "Nina is saving $10 every week. We want to know how much she will save in a whole year. There are usually 52 weeks in a year. To find out how much she saves in a year, we multiply how much she saves each week ($10) by the number of weeks in a year (52). So, $10 times 52 equals <<10*52=520>>520 dollars. #### 520"}
{"text": "Tom has 25 fish in his tank. Half of them are goldfish and the other half are guppies. We can find the number of guppies by first finding out how many goldfish Tom has. Since half of the fish are goldfish, we will divide the total number of fish, which is 25, by 2. So, 25 divided by 2 is <<25/2=12.5>>12.5. But we can't have half a fish, so we round down to 12 goldfish. The rest of the fish are guppies. To find out how many guppies there are, we subtract the number of goldfish from the total number of fish. So, 25 minus 12 is <<25-12=13>>13. Tom has 13 guppies. #### 13"}
{"text": "At a bake sale, there are 40 cupcakes. If each person buys 2 cupcakes, how many people can buy cupcakes? To figure out how many people can buy cupcakes, we split the total cupcakes (40) by the cupcakes each person purchases (2). So, we do <<40/2=20>>20. This means 20 people can buy cupcakes at the bake sale. #### 20"}
{"text": "The rectangle we're looking at is 10 inches long and 5 inches wide. To find the area, we just multiply the length and width together. So, we do <<10*5=50>>50. That means the area of the rectangle is 50 square inches. #### 50"}
{"text": "A pizza has 8 pieces and 4 friends want to share it equally. How many pieces does each friend get? First, we know that the pizza has 8 slices. Then, we know that there are 4 friends. To find out how many slices each friend gets, we simply divide the total slices by the number of friends. So, <<8/4=2>>2 slices for each friend. #### 2"}
{"text": "John has 60 books and each box can hold 12 books. To find out how many boxes John needs, we count how many times 12 can go into 60. So, we divide the total number of books, which is 60, by the number of books each box can hold, which is 12. The calculation is: <<60/12=5>>5 boxes. So, John needs 5 boxes to hold all his books. #### 5"}
{"text": "The local zoo is home to 20 monkeys, 15 elephants, and 25 giraffes. Want to know how many animals in total are there? It's easy! First, let's add together the monkeys and the elephants. So, we have 20 monkeys and 15 elephants, which gives us 20 + 15 = <<20+15=35>>35 animals. Now, remember we still have the giraffes. Let's add those to our total. So, 35 animals + 25 giraffes equals 35 + 25 = <<35+25=60>>60 animals. So, all in all, the zoo is home to 60 animals. #### 60"}
{"text": "The theater has 20 rows and each row has 15 seats. To find the total number of seats, we just multiply the number of rows by the number of seats in each row. Like this, 20 rows * 15 seats = <<20*15=300>>300 seats. #### 300"}
{"text": "In a game, a player gets 2 points for each win and 1 point for each draw. A player won 5 games and drew 3 games. So, how many points did this player score? Well, for the wins, each one gives 2 points, so 5 wins means 5 * 2 = <<5*2=10>>10 points. And for the draws, each one is 1 point, so 3 draws means 3 * 1 = <<3*1=3>>3 points. So, if you add the points from the wins and the draws together, you get 10 + 3 = <<10+3=13>>13 points. #### 13"}
{"text": "The school has 4 classes and there are 25 students in each one. To find out how many students are there in total, we multiply the number of classes by the number of students in each class. So, it's 4 classes times 25 students, which is <<4*25=100>>100. That means there are 100 students in the school. #### 100"}
{"text": "Madison has 4 bags of candy and each bag has 15 pieces of candy inside. To find out how many pieces of candy Madison has in total, you'll have to multiply the number of bags she has by the number of pieces of candy in each bag. So, it's 4 bags * 15 pieces of candy per bag which is <<4*15=60>>60 pieces of candy. So, Madison has 60 pieces of candy in total. #### 60"}
{"text": "The fair sold 250 tickets in total and made $950 from ticket sales. Adult tickets cost $5 each and kids tickets cost $3 each. How many tickets for adults were sold? We can find this by calling the number of adults tickets sold A and the number of kids tickets sold C. We know two things from this: 1) A + C = <<A+C=250>>250 because that's how many tickets were sold. 2) 5A + 3C = <<5A+3C=950>>950 because that's how much money was made from selling the tickets. We can solve these step by step: First, multiply the first bit by 3 so that C is the same in both parts: 3A + 3C = <<3A+3C=750>>750. Second, take the new part from the second part: 5A + 3C - (3A + 3C) = 950 - 750. This gives us 2A = <<2A=200>>200. Finally, divide by 2 to find A: A = 200 / 2. So, A = <<200/2=100>>100 adult tickets were sold. #### 100."}
{"text": "The train travels at a speed of 60 miles each hour. We want to know how far the train will go in 2.5 hours. To find out, we just need to multiply the speed of the train by the time it travels. So, we have 60 miles per hour times 2.5 hours, which gives us <<60*2.5=150>>150 miles. That's how far the train will travel in 2.5 hours. #### 150"}
{"text": "Peter has $30 and wants to buy bags of marbles. Each bag costs $6. To find out how many bags of marbles Peter can buy, we divide his total money by the cost of one bag. So, our calculation is $30 ÷ $6 = <<30/6=5>>5. This means Peter can buy 5 bags of marbles. #### 5"}
{"text": "The class is going to plant a garden with 7 plants in each row and they want to have 5 rows. How many plants will they need? To find out, you just need to multiply the number of plants in each row, which is 7, by the number of rows, which is 5. So, if you do 7 * 5 = <<7*5=35>>35, you'll find out they need 35 plants in total. #### 35"}
{"text": "Tommy starts with 5 apples but gives 2 to his sister, so he has 5 - 2 = <<5-2=3>>3 apples. Tommy then gives an apple to his friend, so he now has 3 - 1 = <<3-1=2>>2 apples. His mom then gives him 3 more apples, so he has 2 + 3 = <<2+3=5>>5 apples. So, Tommy now has 5 apples. #### 5"}
{"text": "Stacie baked 300 cupcakes in the morning. She sold 2/3 of the cupcakes which is <<300*2/3=200>>200 cupcakes. After selling these, she had 300 - 200 = <<300-200=100>>100 cupcakes left. Then, Stacie baked another 100 cupcakes in the evening, so she now has 100 + 100 = <<100+100=200>>200 cupcakes. She sold half of the 200 cupcakes in the evening, which is 1/2 * 200 = <<200*1/2=100>>100 cupcakes. After selling these, Stacie was left with 200 - 100 = <<200-100=100>>100 cupcakes. So, Stacie has 100 cupcakes left in her bakery. #### 100"}
{"text": "Tara wants a bicycle that costs $180 but she only has $60. She plans to save $20 every week until she has enough to buy the bicycle. First, we calculate how much more money she needs by subtracting what she has from the total cost. So, $180 - $60 = <<180-60=120>>120. This is how much she still needs to save. To find out how many weeks it will take her to save this amount, we divide what she needs by what she saves each week. That's $120 / $20 = <<120/20=6>>6 weeks. So, Tara will have enough money to buy the bicycle in 6 weeks. #### 6"}
{"text": "Sally has 60 stickers. Susan has half as many stickers as Sally does. So to find out how many stickers Susan has, we divide Sally's stickers by 2. That's <<60/2=30>>30. So, Susan has 30 stickers. #### 30"}
{"text": "The book club meets every 2 weeks and we know that there are 52 weeks in a year. To find out how many times the club meets in a year, we simply divide the total number of weeks in a year by the number of weeks they meet, which is 2. So, we calculate 52 ÷ 2 = <<52/2=26>>26 times. Which means, the book club will meet 26 times in a year. #### 26"}
{"text": "Mary has a book with 150 pages to read for homework. She's already read 1/3 of it but she needs to finish it. To find out how many pages Mary has read, we multiply the total number of pages, which is 150, by 1/3. So, 150 * 1/3 = <<150*1/3=50>>50 pages. That's how many pages Mary has read so far. We subtract this from the total number of pages to find out how many she still needs to read. So, 150 - 50 = <<150-50=100>>100. Mary has 100 more pages to read. #### 100"}
{"text": "In a school with 120 students, 2/5 of them are girls. To find out how many are girls, we multiply the total number of students by 2/5. So, 120 * 2/5 = <<120*2/5=48>>48 girls are studying there. Now we need to find out how many boys are in the school. We do this by subtracting the number of girls from the total number of students. This gives us 120 (total students) - 48 (girls) = <<120-48=72>>72 boys. So, there are 72 boys in the school. #### 72"}
{"text": "24 birds were on a tree. Then 1/3 of them flew away. That's 24 * 1/3 = <<24*1/3=8>>8 birds that flew away. So, we had 24 - 8 = <<24-8=16>>16 birds left on the tree. Later, 5 more birds landed on the tree. So now we have 16 + 5 = <<16+5=21>>21 birds on the tree. #### 21"}
{"text": "Sally has 5 boxes of crayons and each box has 24 crayons. To find out how many crayons she has in total, we need to multiply the number of boxes she has by the number of crayons in each box. So, that's 5 boxes * 24 crayons = <<5*24=120>>120 crayons. #### 120"}
{"text": "The train traveled at a speed of 50 miles per hour for 2 hours and then it increased its speed to 60 miles per hour for another 3 hours. How far did the train travel in total? Well, let's find out! We multiply the speed of the train by the time it traveled at that speed to find the distance it traveled at that speed. For the first part of the journey, the train traveled 50 miles/hour * 2 hours = <<50*2=100>>100 miles. For the second part of the journey, the train traveled 60 miles/hour * 3 hours = <<60*3=180>>180 miles. Then, we add these two distances together to find out the total distance the train traveled. So, the total distance is 100 miles + 180 miles = <<100+180=280>>280 miles. #### 280"}
{"text": "Linda picked some apples from her apple tree. She picked 33 apples on Monday and then picked 45 more on Tuesday. If she gave 21 apples to her neighbor, how many apples does she still have? Well, first let's add the apples she picked on Monday and Tuesday. That's 33 (Monday) + 45 (Tuesday) which equals <<33+45=78>>78 apples. Then, we have to subtract the apples she gave to her neighbor. That's 78 - 21, which gives us <<78-21=57>>57 apples. So, Linda still has 57 apples. #### 57"}
{"text": "The farmer has 15 cows and 8 pigs, which means he has a total of <<15+8=23>>23 animals. Then, he sells 3 cows and 2 pigs, adding up to <<3+2=5>>5 animals. So, to find out how many animals he has left, we subtract the number of animals he sold from the total number of animals he had. That's <<23-5=18>>18 animals. #### 18"}
{"text": "The school has $500 to spend on books. Each book costs $12.50. To find out how many books they can buy, we divide the total budget by the cost of one book. So we do <<500/12.5=40>>40. That means the school can buy 40 books with their budget. #### 40"}
{"text": "Jim got a game console for $300 and then he sold it for $350. We want to know how much profit he made. We just have to subtract the cost price from the selling price. So, we do $350 (the selling price) minus $300 (the cost price) and that gives us $<<350-300=50>>50. So Jim made $50 in profit. #### 50"}
{"text": "Peter, Paul, and Mary are sharing the price of a $60 gift. Peter pays half, and Paul pays a third. Mary will pay the leftover amount. Let's find out how much Mary paid. First, figure out how much Peter pays by finding half of $60, which is <<1/2*60=30>>30 dollars. Next, determine Paul's payment by finding a third of $60, which adds up to <<1/3*60=20>>20 dollars. When we add Peter's and Paul's payments together, we get <<30+20=50>>50 dollars. Now, to find out what Mary paid, we subtract the total of Peter's and Paul's payments (50 dollars) from the total cost of the gift (60 dollars). In the end, Mary paid <<60-50=10>>10 dollars. #### 10"}
{"text": "Peter and Laura are putting away money for a fun trip. Every week, Peter manages to save $15, and Laura saves a bit more, she saves $20. We want to know the total amount they will have saved together after 8 weeks. Let's first find out how much Peter will have saved in 8 weeks. He saves $15 each week, so in 8 weeks he will have saved 15 * 8 = <<15*8=120>>120 dollars. Now, let's see how much Laura will have saved in 8 weeks. She saves $20 each week, so in 8 weeks she will have saved 20 * 8 = <<20*8=160>>160 dollars. To get the total amount of money they have saved together, we simply add up Peter's savings of $120 and Laura's savings of $160. So, the total amount of money they have saved is 120 + 160 = <<120+160=280>>280 dollars. Therefore, after 8 weeks, Peter and Laura will have saved $280 together. #### 280"}
{"text": "There are 3 groups of hikers and each group has 8 hikers. To find out the total number of hikers, we simply multiply the number of groups by the number of hikers in each group. So, 3 groups * 8 hikers/group = <<3*8=24>>24 hikers in total. #### 24"}
{"text": "In a football game, team A scored 3 goals and team B scored 5 goals. We need to know how many goals were scored in total. So, we add the goals scored by both teams, which is <<3+5=8>>8 goals in total. #### 8"}
{"text": "A gardener planted 75 tulips. Some are red, some are yellow, and the rest are white. We need to find out how many white tulips there are. First, let's find out how many tulips are red. We know that 2/5 of the tulips are red. So, if we multiply the total number of tulips by 2/5, we get 75 * 2/5 = <<75*2/5=30>>30 red tulips. Next, let's find out how many tulips are yellow. We know that 3/10 of the tulips are yellow. So, if we multiply the total number of tulips by 3/10, we get 75 * 3/10 = 22.5 yellow tulips. But, we can't have half a tulip, so we round this number up to 23. So, there are 23 yellow tulips. Now, let's find out how many white tulips there are. We subtract the number of red and yellow tulips from the total. So, we do 75 - 30 - 23 = <<75-30-23=22>>22 white tulips. That's our answer! #### 22"}
{"text": "The classroom starts with 20 chairs. But oh no, 4 chairs are broken and need to be replaced! To figure out how many chairs are left, we just subtract the broken chairs from the total. So, we do 20 (the total number of chairs) minus 4 (the broken chairs) which is <<20-4=16>>16. So, after taking away the broken chairs, there will be 16 chairs left in the classroom. #### 16"}
{"text": "The tailor has 50 yards of fabric and uses 2 yards for each shirt. To figure out how many shirts he can make, we need to divide the total yards of fabric by the yards used for each shirt. So it's 50 divided by 2, which is <<50/2=25>>25 shirts. #### 25"}
{"text": "There are 20 students going on a field trip and each car can hold 5 students. To find out how many cars are needed, we just divide the total number of students by the number of students each car can hold. So, if we do 20 students ÷ 5 students/car, we get <<20/5=4>>4 cars. #### 4"}
{"text": "Kaden's bookshelf has 4 shelves and he puts 7 books on each one. So, how many books does he have on his bookshelf in total? First, we know there are 7 books on each shelf. Then, we know that he has 4 shelves. To find the total, we just multiply the number of books on each shelf by the number of shelves. So, we do 7 books per shelf times 4 shelves which gives us <<7*4=28>>28 books. #### 28"}
{"text": "John goes to a bakery that sells cookies in packs of 12. He decides to buy 4 packs. To find out how many cookies John will have, you simply multiply the number of packs he bought (which is 4) by the number of cookies each pack contains (which is 12). So, you calculate <<12*4=48>>48 cookies. This means John will have 48 cookies. #### 48"}
{"text": "The baker wants to make 7 batches of cookies and she needs 3 cups of flour for each batch. To find out how much flour she needs in total, you multiply the number of batches by the amount of flour per batch. So, 7 batches times 3 cups of flour per batch equals <<7*3=21>>21 cups of flour. So, the baker needs 21 cups of flour. #### 21"}
{"text": "In a parking lot, there are 4 red cars, 5 blue cars, and 6 black cars. How many cars are in the parking lot? Let's count all the cars. We have 4 red ones, 5 blue ones, and 6 black ones. So, if we add all these cars together, 4 (red cars) + 5 (blue cars) + 6 (black cars) = <<4+5+6=15>>15. So, there are 15 cars in the parking lot. #### 15"}
{"text": "Paul can read 20 pages in one hour. We want to find out how many pages he can read in 6 hours. We know that Paul reads at a speed of 20 pages in one hour. So, if we know he reads for 6 hours, we can find out how many pages he can read by multiplying the number of pages he reads in an hour by the number of hours. so, 20 pages/hour * 6 hours = <<20*6=120>>120 pages. #### 120"}
{"text": "The family is buying 2 pizzas that cost $10 each. So, the pizza will cost 2*$10 = <<2*10=20>>$20. They are also buying 4 drinks that cost $2 each, so the drinks will cost 4*$2 = <<4*2=8>>$8. The total cost for their meal will be the cost of the pizzas plus the cost of the drinks which is $20 for pizzas + $8 for drinks = <<20+8=28>>$28. #### 28"}
{"text": "The zoo is home to 200 animals. Some of these animals are mammals and some are birds. The rest are reptiles. We want to find out how many reptiles there are. Let's start by finding out how many animals are mammals. The mammals make up 1/4 of the total animals, so we multiply 200 by 1/4 to find out that there are <<200*1/4=50>>50 mammals. Next, we find out how many birds there are. The birds make up 1/5 of the total animals, so we multiply 200 by 1/5 to get <<200*1/5=40>>40 birds. Now, to find out how many reptiles there are, we subtract the number of mammals and birds from the total number of animals. So, we subtract 50 and 40 from 200 to find that there are <<200-50-40=110>>110 reptiles. So, there are 110 reptiles in the zoo. #### 110"}
{"text": "Mark ran 3 miles every day for a week. How many miles did he run in total? Well, since Mark ran 3 miles each day and there are 7 days in a week, all you have to do is multiply those two numbers together. So, the total miles he ran in a week is 3 miles/day * 7 days = <<3*7=21>>21 miles. That means Mark ran a total of 21 miles in a week. #### 21"}
{"text": "Jake went to a toy store and bought 3 of each of the 4 types of action figures. Each action figure cost $8.50. We need to figure out how much money Jake spent. First, we add up all the action figures Jake bought. He bought 3 toys of each of the 4 types. So he bought 3 * 4 = <<3*4=12>>12 action figures. Now we need to find out how much money Jake spent on these 12 action figures. Each action figure costs $8.50. So Jake spent 12 * $8.50 = $<<12*8.5=102>>102 on action figures. #### 102"}
{"text": "Judy has 5 fish tanks and each tank can hold 10 fish. If Judy fills all the tanks, how many fish will she have? Judy has 5 fish tanks and each tank can hold 10 fish. To find out the total number of fish, we can multiply the number of tanks by the number of fish in each tank. So, 5 fish tanks times 10 fish in each tank gives us 5 * 10 = <<5*10=50>>50. So, if Judy fills all her tanks, she will have 50 fish. #### 50"}
{"text": "The train is moving at a speed of 60 miles every hour and we want to know how far it will go in 2.5 hours. We can calculate this by multiplying the speed of the train by the time, so it's 60 miles/hour x 2.5 hours = <<60*2.5=150>>150 miles. So, the train will travel 150 miles in 2.5 hours. #### 150"}
{"text": "Tony's dad gave him 10 marbles. His mother gave him 3 times the number of marbles his dad gave him, so she gave him 3*10=<<3*10=30>>30 marbles. In total, Tony received 10 (from his dad) + 30 (from his mom), which is 10 + 30 = <<10+30=40>>40 marbles. Unfortunately, Tony lost 7 marbles at school. So the number of marbles Tony has left is the total number of marbles he had (40) minus the number of marbles he lost (7), which is 40 - 7 = <<40-7=33>>33 marbles. So, Tony has 33 marbles left. #### 33"}
{"text": "Carter wants to buy a new bicycle that costs $200, but he only has $75 saved up so far. He saves $15 each week. We want to find out how many more weeks he needs to save before he can buy the bicycle. First, we need to figure out how much more money Carter needs to save. We do this by subtracting his savings from the cost of the bicycle: $200 (the cost of the bicycle) - $75 (Carter's savings) = <<200-75=125>>$125. This is how much more he needs to save. Now we need to figure out how many weeks it will take for Carter to save that amount. We do this by dividing the amount he still needs by how much he saves in a week: $125 (the amount he still needs) ÷ $15 (how much he saves every week) = <<125/15=8.33>>8.33 weeks. But Carter can't save for a part of a week, so we need to round that number up to the nearest whole week. So, it will take Carter 9 more weeks to have enough money saved to buy the bicycle. #### 9"}
{"text": "Anna needs to paint 8 pieces of furniture and each piece needs 3 cans of paint. How many cans of paint does she need to buy? First, find out how many pieces of furniture Anna has to paint, which is 8. Then, figure out how many cans of paint each piece needs, it's 3 cans. To find the total cans of paint she needs, multiply the number of furniture pieces (8) by the cans of paint needed for each piece (3). So, we calculate 8 times 3, which equals <<8*3=24>>24. Therefore, Anna needs to buy 24 cans of paint. #### 24"}
{"text": "Alice went shopping for fruits. She bought 3 oranges that cost $1 each. To find out how much she spent on oranges, we need to multiply the cost of one orange by how many she bought. So, the total cost for the oranges is $1 * 3 = <<1*3=3>>$3. She also bought 2 apples that cost $2 each. Multiply the cost of one apple by the number of apples she bought, the cost for apples is $2 * 2 = <<2*2=4>>$4. In addition, she bought 4 bananas at $0.5 each. To find out how much she spent on bananas, we multiply the cost of one banana by the number of bananas she bought, which will be $0.5 * 4 = <<0.5*4=2>>$2. Now to find the total cost of all the fruits, we add the cost of the oranges, apples, and bananas together. So, the total cost will be $3 + $4 + $2 = <<3+4+2=9>>$9. #### 9"}
{"text": "The shopkeeper sells 12 apples for $3, so one apple is $3 divided by 12, which is $<<3/12=0.25>>0.25. If you want to buy 20 apples, you multiply the cost of one apple by 20. So, $0.25 times 20 equals $<<0.25*20=5>>5. #### 5"}
{"text": "Hayden got 5 bags of candy and each bag has 20 pieces. So all in all, Hayden has 20 * 5 = <<20*5=100>>100 pieces of candy. But then, he ate 7 pieces and gave 13 pieces to his friend. So the amount of candy he has left is 100 - 7 - 13 = <<100-7-13=80>>80 pieces. #### 80"}
{"text": "The farmer has 35 cows and each cow gives 8 liters of milk every day. To find out how much milk all cows give in a day, we multiply the number of cows by the amount of milk each cow gives in a day. So, it's 35 cows * 8 liters/cow/day = <<35*8=280>>280 liters/day. Now, to find out how much milk the cows produce in a week, we multiply the daily total by the number of days in a week, which is 7. So, it's 280 liters/day * 7 days/week = <<280*7=1960>>1960 liters/week. Therefore, the cows produce 1960 liters of milk in a week. #### 1960."}
{"text": "In an office, there are 18 employees and each person uses 2 pens every week. We want to find out how many pens are used in total every week. We do this by multiplying the number of employees by the number of pens each one uses. So, we have 18 employees using 2 pens each which equals to <<18*2=36>>36 pens being used every week. #### 36"}
{"text": "The room is shaped like a rectangle. To find the area of this rectangle, we need to multiply its length (16 feet) by its width (14 feet). That's like saying <<16*14=224>>224. This tells us that the area of the room is 224 square feet. #### 224"}
{"text": "The watermelon weighs 12 pounds and it's cut into 4 equal pieces. To find out how much each piece weighs, we just need to divide the total weight of the watermelon by the number of pieces. So, let's divide 12 by 4. The answer is <<12/4=3>>3. So, each piece of watermelon weighs 3 pounds. #### 3"}
{"text": "The plumber charges $50 for the first hour. If the job is 3 hours, then there are 2 more hours. The plumber charges $30 for each additional hour, so for 2 hours, he will charge 2*$30=<<2*30=60>>60 dollars. Altogether, for a 3-hour job, the plumber will charge $50 for the first hour and $60 for the next 2 hours, which adds up to $50+$60=<<50+60=110>>110 dollars. #### 110"}
{"text": "Sam needs 7 minutes to fill one container with water and he has 3 containers to fill. So, we multiply the time it takes to fill one container, which is 7 minutes, by the number of containers, which is 3. That calculation is 7 minutes/container * 3 containers = <<7*3=21>>21 minutes. So, Sam needs 21 minutes to fill 3 containers with water. #### 21"}
{"text": "The width of the rectangle is 5 inches. To find the length, we remember that it is three times the width. So we calculate 3 times 5 which is <<3*5=15>>15 inches. Now we know that the length is 15 inches and the width is 5 inches. The area of a rectangle is found by multiplying the length times the width. So, we multiply 15 inches by 5 inches and we get <<15*5=75>>75 square inches. The area of the rectangle is 75 square inches. #### 75"}
{"text": "Shawn and his buddies found 24 seashells while hanging out at the beach. Shawn got to keep 6 of those seashells. So how many friends was Shawn with at the beach? Well, first we need to find out how many seashells his friends got. So we subtract the seashells Shawn got from the total they all collected. That's 24 - 6 = <<24-6=18>>18 seashells for his friends. Since Shawn and his pals split all the seashells evenly, his friends also each got 6 seashells, just like Shawn. So to find out how many friends Shawn was with, we just divide the total number of seashells his friends got by how many seashells each friend got. So it's 18 ÷ 6 = <<18/6=3>>3. So, Shawn was at the beach with 3 friends. #### 3"}
{"text": "The pizza shop sells big pizzas for $8 each and little pizzas for $5 each. They sold 7 big pizzas and 10 little pizzas. How much money did they make? First, let's find out how much they made from the big pizzas. They sold 7 big pizzas for $8 each, so they made 7 * 8 = <<7*8=56>>56 dollars from that. Then, let's do the same for the little pizzas. They sold 10 little pizzas for $5 each, so they made 10 * 5 = <<10*5=50>>50 dollars from those. Finally, we add the money from the big pizzas and the money from the little pizzas to find out how much they made in total. So, $56 + $50 = <<56+50=106>>106 dollars. #### 106"}
{"text": "In a basketball tournament, each team plays 8 games. If there are 10 teams in the tournament, how many total games are played? Remember, when two teams play, that's one game. Now, if we have 10 teams and each of them plays 8 games, it would be counted as 10*8 = <<10*8=80>>80 games. But wait up! This means we're counting each game twice, one for each team. To get the right number, we have to divide that 80 by 2. So, 80 games / 2 = <<80/2=40>>40 games. That means in a basketball tournament with 10 teams, each playing 8 games, 40 total games are played. #### 40"}
{"text": "Sarah's dog eats 3 cans of dog food each day. How many cans will Sarah's dog eat in a month of 30 days? The dog eats 3 cans every day, and since there are 30 days in a month, we multiply these two together to find out how many cans the dog will eat in a month. So, it's 3 (cans) * 30 (days) = <<3*30=90>>90 cans. So, Sarah's dog will eat 90 cans of dog food in a month. #### 90"}
{"text": "The bus travels at 60 miles per hour and needs to go 180 miles. To find how many hours it will take, we divide the total miles by the speed. So, the time it takes is calculated by doing 180 miles divided by 60 miles per hour, that looks like this: Time = <<180/60=3>>3 hours. So the bus journey will take 3 hours. #### 3"}
{"text": "First, let's find out how many apples Mike bought. He bought 3 packs and each pack has 8 apples. So, he got 3 packs * 8 apples/pack = <<3*8=24>>24 apples. Then, Mike ate some of his apples. He ate 5 apples, so we need to subtract those from the number he bought. We do 24 apples - 5 apples = <<24-5=19>>19 apples. So, after eating some of his apples, Mike has 19 apples left. #### 19"}
{"text": "In a classroom, there are 30 students. Each student has 5 pencils and 3 pens. How many writing tools does everyone have altogether? Let's start by finding out how many pencils everyone has, that would be 30 students times 5 pencils each which gives us 30 x 5 = <<30*5=150>>150 pencils. Next, let's see how many pens, that's 30 students multiplied by 3 pens each, so 30 x 3 = <<30*3=90>>90 pens. Now, let's add up all those pencils and pens to find out the total number of writing tools. That's 150 pencils plus 90 pens which equals 150 + 90 = <<150+90=240>>240 writing tools. #### 240"}
{"text": "Sylvia started with 150 stamps but she lost 20% of them during a move. To figure out how many stamps she lost we need to calculate 20% of 150. We can do that by multiplying 150 by 20/100 which gives us 30. So, she lost <<150*20/100=30>>30 stamps. Now, to find out how many stamps she has left, we subtract the number of stamps she lost from the original number. So, we do 150 - 30 and we find that Sylvia has <<150-30=120>>120 stamps now. #### 120"}
{"text": "The line is divided into three parts. The first part is 5cm long. The second part is twice as long as the first one, so it's <<5*2=10>>10cm. The third part is half as long as the second part, so it's <<10/2=5>>5cm. If you add all three parts together, the total length of the line is <<5+10+5=20>>20cm. #### 20"}
{"text": "Amy and her brother want to buy a video game that costs $60. Amy has saved $15 and her brother has saved up twice as much as Amy. Let's find out how much more money they need to save to buy the video game. First, we find out how much money Amy's brother has. He has saved twice as much as Amy, which is $15 * 2 = <<15*2=30>>30. Now we add the money Amy and her brother have saved. They have $15 (Amy's savings) + $30 (brother's savings) = <<15+30=45>>45 in total. Finally, we subtract the total amount they have saved ($45) from the cost of the video game ($60) to find out how much more they need to save. They need $60 - $45 = <<60-45=15>>15. So, Amy and her brother need to save $15 more to buy the video game. #### 15"}
{"text": "If a car can go 450 miles with 15 gallons of gas in the tank, how far can it go when the tank is only 1/3 full? Let's first figure out how far the car can go with one gallon of gas. We can do this by dividing 450 miles by 15 gallons, which is <<450/15=30>>30 miles per gallon. Now, let's figure out how much gas is in the tank when it's only one third full. This is 15 gallons times 1/3 which equals <<15*1/3=5>>5 gallons. To find out how far the car can go with 5 gallons of gas, we multiply 5 gallons by 30 miles per gallon. This gives us <<5*30=150>>150 miles. So, when the car's tank is one third full, it can travel 150 miles. #### 150"}
{"text": "The delivery truck can carry 20 packages at once and there are 128 packages that need to be delivered. To find out how many trips the truck has to make, we divide the total number of packages by how many packages the truck can carry. So, we do <<128/20=6.4>>6.4. But, trucks can't make 0.4 of a trip, so we round 6.4 up to the next whole number which is 7. So, the truck will have to make 7 trips. #### 7"}
{"text": "Lisa's cat eats 3 cans of cat food every day. So, how many cans does the cat eat in a week? Well, a week has 7 days. We multiply the number of cans every day which is 3 by 7. So, 3 cans/day * 7 days/week = <<3*7=21>>21 cans/week. Therefore, Lisa's cat eats 21 cans of cat food in a week. #### 21"}
{"text": "Jenn's garden is 20 feet long and 15 feet wide. She wants to plant roses in 1/4 of the garden and sunflowers in the rest. How big is the area for the sunflowers? Let's break it down: Jenn's garden is a rectangle so to find how big it is we can multiply the length (20 feet) by the width (15 feet). This gives us 20 feet * 15 feet = <<20*15=300>>300 square feet. Jenn wants roses in 1/4 of the garden. To find 1/4 of something, we divide it by 4. So, 300 square feet / 4 = <<300/4=75>>75 square feet for the roses. The rest of the garden is for the sunflowers. To find out how big this area is, we take the total size of the garden (300 square feet) and subtract the area where the roses are (75 square feet). This gives us 300 square feet - 75 square feet = <<300-75=225>>225 square feet. So, the area where the sunflowers will be planted is 225 square feet. #### 225"}
{"text": "Billy has 5 times more stickers than Jenny. If Jenny has 12 stickers, how many stickers do they have in total? First, let's find out how many stickers Billy has. Billy has 5 times as many stickers as Jenny, so we multiply 5 by 12 to get <<5*12=60>>60 stickers for Billy. Now, let's add up all the stickers. The total is Jenny's 12 stickers plus Billy's 60 stickers which equals <<12+60=72>>72 stickers. So, Billy and Jenny have 72 stickers together. #### 72"}
{"text": "The school ordered 3000 pencils and each box can hold 50 pencils. To find out how many boxes the school needs, we divide the total number of pencils by the number of pencils each box can hold. So, we divide 3000 by 50 which equals <<3000/50=60>>60. Therefore, the school needs 60 boxes to hold all the pencils. #### 60"}
{"text": "The baker made 120 cupcakes and sold 85% of them. To find out how many that is, we first turn the percentage into a decimal. So 85% is the same as 0.85. Then we multiply the total cupcakes, which is 120, by this decimal. So the calculation is 120 * 0.85 = <<120*0.85=102>>102. This means the baker sold 102 cupcakes. #### 102"}
{"text": "The school has 4 classes with 32 students in each class. So, the total number of students in these 4 classes is 4 * 32 = <<4*32=128>>128. The school also has 3 classes with 28 students in each class. So, the total number of students in these 3 classes is 3 * 28 = <<3*28=84>>84. To find the total number of students in the school, we have to add the total number of students in the 4 classes and the 3 classes. So, the total number of students in the school is 128 + 84 = <<128+84=212>>212. #### 212"}
{"text": "Hannah had some comic books. She sold half of them and then bought 6 more. Now she has 14. How many comic books did she start with? So after selling half and buying 6 more she has 14 comics. We will subtract 6 from 14 to find out how many she had after selling half. This gives us 14 - 6 = <<14-6=8>>8 comic books. Since this is half of what she started with, we need to multiply by 2 to find out the initial number. So 8 * 2 = <<8*2=16>>16 comics. Hannah started with 16 comic books. #### 16."}
{"text": "The train is going 50 miles per hour and it is traveling for 4 and a half hours. To figure out how far the train goes, we need to multiply its speed by the time. So, the distance the train travels is 50 miles/hour times 4.5 hours which equals <<50*4.5=225>>225 miles. So, the train will travel 225 miles in 4.5 hours. #### 225"}
{"text": "The rectangle lawn is 20 meters long and 12 meters wide. To find how big the lawn is, we multiply the length and the width together. So, the area of the lawn is <<20*12=240>>240 square meters. #### 240"}
{"text": "Linda bought 4 kilograms of apples and each kilogram costs $3. To find out how much Linda paid, we just need to multiply the amount of kilograms she bought by the cost of each kilogram. So, the simple calculation is 4 kilograms x $3/kilogram = <<4*3=12>>$12. That's how much Linda paid. #### 12"}
{"text": "In a class of 32 students, 75% of the students passed the math test. We need to find out how many students passed. To do this, we first convert 75% to a decimal, which gives us 0.75. Next, we multiply the total number of students by this decimal. This means we do 32 times 0.75, which equals <<32*0.75=24>>24. So, 24 students passed the math test. #### 24"}
{"text": "Tom's dad is three times as old as Tom, and together they are 44 years old. If we think of Tom's age as \"T\", then his dad's age would be \"3T\". If you add their ages together (T for Tom and 3T for his dad), you get 44. So, if we write it down, it looks like this: T (Tom's age) + 3T (Tom's dad's age) equals 44. If you add T and 3T together, you get 4T equals 44. To find out Tom's age, we have to divide 44 by 4. This means T (Tom's age) equals <<44/4=11>>11. So, Tom is 11 years old. #### 11"}
{"text": "Liam has 15 comic books and he reads 3 a day. To find out how many days it takes Liam to read all his comic books, we simply divide the total number of books by the number of books he reads each day. So, if Liam reads <<15/3=5>>5 days worth of books, he will have read all 15 of his comic books. #### 5"}
{"text": "The basketball team has 12 players and each player has 2 jerseys. So, to get the total number of jerseys for the team, we take the number of players and multiply it by the number of jerseys each player has, which is 12*2=<<12*2=24>>24 jerseys. #### 24"}
{"text": "Team A scored 45 points in a basketball game, and Team B scored 12 points less than Team A. So how many points did Team B score? Well, Team B scored 12 points less than Team A, so to find out how many points Team B scored, we would take Team A's score, which is 45, and subtract 12 from it. So it would look like this: 45 - 12 = <<45-12=33>>33. So Team B scored 33 points. #### 33"}
{"text": "The car moves at a speed of 60 miles every hour. We want to know how far it will go in 2 hours and 30 minutes. First, we need to understand that 2 hours and 30 minutes is the same as 2.5 hours. Now, to find how far the car goes, we just multiply the speed of the car by the time. So, we calculate 60 miles/hour * 2.5 hours = <<60*2.5=150>>150 miles. So, the car will go 150 miles in 2 hours and 30 minutes. #### 150"}
{"text": "Samantha has 120 stickers and she wants to split them equally between her 5 friends. To find out how many stickers each friend gets, we just need to divide the total number of her stickers by the number of her friends. So, 120 stickers divided by 5 friends is <<120/5=24>>24 stickers each. #### 24"}
{"text": "Nina bought 6 boxes of chocolates and each box contains 12 pieces. So, she bought a total of 6 boxes x 12 pieces/box = <<6*12=72>>72 pieces of chocolate. She ate 10 pieces, so 72 pieces - 10 pieces = <<72-10=62>>62 pieces remained. She shared the remaining chocolates equally with her 4 friends, so each friend got 62 pieces / 4 friends = <<62/4=15.5>>15.5 pieces of chocolate. But since she can't split a piece of chocolate in half, each friend received only 15 pieces. #### 15"}
{"text": "Sarah reads 5 books in a week, and each book has about 300 pages. So, to find out how many pages Sarah reads in a week, we simply multiply the number of books she reads by the number of pages in each book. In other words, Sarah reads 5 books * 300 pages per book = <<5*300=1500>>1500 pages in a week. #### 1500"}
{"text": "Ethan spends 8 hours sleeping, 3 hours eating, and 7 hours at school every day, which has 24 hours. First, we need to find out how many hours Ethan is busy by adding the hours he spends sleeping, eating, and being at school. So, that's 8 (sleeping) + 3 (eating) + 7 (school) = <<8+3+7=18>>18 hours. Now, we subtract these 18 hours from the total 24 hours in a day to find out how many hours Ethan has left for other things. So, 24 (total hours) - 18 (busy hours) = <<24-18=6>>6 hours. That's how many hours Ethan has left for other activities. #### 6"}
{"text": "The Smith family went on a vacation for 14 days. Each day, they spent $45 on food. They also paid $1200 for where they were staying. How much money did they spend in total? First, we need to figure out how much they spent on food for the whole trip. To do this, we multiply how much they spend each day ($45) by the number of days (14). That's $45 * 14 = <<45*14=630>>$630 on food. Now, we add the cost of the place they stayed ($1200) to the cost of the food. So, it's $630 (food) + $1200 (place to stay) = <<630+1200=1830>>$1830. So, the Smith family spent $1830 in total on their vacation. #### 1830"}
{"text": "Henry started with 2 dozen eggs, but remember, a dozen is 12, so he actually has 2*12=<<2*12=24>>24 eggs. He used 6 eggs to make a cake and 3 eggs to make cookies. That's a total of 6+3=<<6+3=9>>9 eggs used. So, to find out how many eggs Henry has left, we take the total number he started with, which is 24, and subtract the 9 eggs he used. That's 24-9=<<24-9=15>>15 eggs left. #### 15"}
{"text": "Lily and her friends were selling lemonade for $0.50 a cup and they made $15. To find out how many cups they sold, you need to divide the total money they made, $15, by the price of one cup, $0.50. So when you divide $15 by $0.50, you get <<15/0.50=30>>30. That means Lily and her friends sold 30 cups of lemonade. #### 30"}
{"text": "The farmer has 15 cows and each one gives 5 liters of milk daily. So, to find out the total milk each day, we multiply 15 cows times 5 liters of milk per cow. That gives us 15*5=<<15*5=75>>75 liters of milk each day. Then, to find out how much milk the farmer gets in a week, we multiply the daily total of 75 liters times 7 days. That's 75*7=<<75*7=525>>525 liters of milk in a week. The farmer sells this milk for $2 per liter. So, to find out how much money the farmer makes in a week, we multiply the weekly total of 525 liters times $2 per liter. That's 525*2=<<525*2=1050>>$1050. #### 1050"}
{"text": "The local library has a lot of books, exactly 2,500 books. Now, if we know that 1 out of every 5 books is a book for children, we want to find out how many books that is. We can do this by taking the total number of books, 2,500, and multiplying it by 1/5, or 0.2. So if we do the math, 2,500 * 0.2 = <<2500*0.2=500>>500. That means there are 500 books for children in the library. #### 500"}
{"text": "The library has 5,000 books. 30% of these books are fiction and the rest are non-fiction. To find out how many non-fiction books there are, we first need to find out how many fiction books there are. We can do this by multiplying the total number of books, 5,000, by 30% (or 0.30). So, 5,000 * 0.30 = <<5000*0.30=1500>>1500 fiction books. Now, to find the number of non-fiction books, we subtract the number of fiction books from the total number of books. So, 5,000 - 1,500 = <<5000-1500=3500>>3500 non-fiction books in the library. #### 3500"}
{"text": "Beth already has $25 and wants a bike that costs $95. We need to figure out how much more money she needs. So, we subtract $25 from $95 by doing 95 - 25 = <<95-25=70>>70. This means Beth needs another $70. She saves $10 each week. So, to know how many weeks it'll take her to save $70, we divide $70 by $10. That's 70 ÷ 10 = <<70/10=7>>7. It will take Beth 7 weeks to save enough for the bike. #### 7."}
{"text": "The rectangle field is 20 meters long and 15 meters wide. To find the perimeter, or the total distance around the field, you add up all the sides. So you do 20m + 15m = <<20+15=35>>35 meters for the top and bottom sides. The left and right sides are the same, so you double that sum. So you do 2 * 35m = <<2*35=70>>70 meters. That's the total perimeter of the field. #### 70"}
{"text": "In a school, there are 12 classrooms. Each classroom has 20 students. If each student needs 3 textbooks, how many textbooks does the school need to order? First, find out how many students are in the school by multiplying the number of classrooms by the number of students in each room. So, 12 classrooms * 20 students/classroom = <<12*20=240>>240 students. Then, find out how many textbooks are needed by multiplying number of students by the number of textbooks each student needs. So, 240 students * 3 textbooks/student = <<240*3=720>>720 textbooks. So, the school needs to order 720 textbooks. #### 720."}
{"text": "James's house is 2 miles from school. If he walks to school and back every day, how far does he walk in 5 days? To figure this out, we first find out how far he walks in one day. Since he walks 2 miles to school and another 2 miles back, that's 2 miles + 2 miles = <<2+2=4>>4 miles every day. Now we know he walks 4 miles every day, let's find out how far he walks in 5 days, which is 4 miles/day x 5 days = <<4*5=20>>20 miles. #### 20"}
{"text": "The school is planning a field trip and 300 students are going. If one school bus can hold 50 students, let's figure out how many buses the school will need. To do this, we need to divide the total number of students by the number of students that can fit in one bus. So, we do 300 divided by 50 which is <<300/50=6>>6. Since we can't have part of a bus, if there was a remainder, we would need to round up to make sure all students have a seat. But in this case, there's no remainder, so no need to round up. That means the school will need 6 buses for the field trip. #### 6"}
{"text": "A bakery makes 10 dozen cupcakes every day and sells each one for $2. Let's find out how much the bakery earns in a week (7 days). First, we need to know how many cupcakes the bakery makes in a day. We know that one dozen is 12, so when the bakery makes 10 dozen cupcakes, that's 10 * 12 = <<10*12=120>>120 cupcakes a day. Then, let's find out how much the bakery earns in a day. If each cupcake sells for $2, then the earnings in a day is 120 cupcakes * $2 per cupcake = <<120*2=240>>$240. Finally, to know how much the bakery earns in a week, we multiply the daily earnings by 7 because there are 7 days in a week. So, if the bakery makes $240 in a day, then in a week, it would make 7 * $240 per day = <<7*240=1680>>$1680. #### 1680"}
{"text": "John wants to get a video game that costs $80. He has $15 that he saved from his allowance and his dad gave him an extra $25. How much does he still need to get that video game? John's savings of $15 and the $25 his dad gave him add up to $15 + $25 = <<15+25=40>>40. The video game costs $80, so to find out how much more he needs, we subtract what he already has from the total cost, which is $80 - $40 = <<80-40=40>>40. So, John still needs $40 to buy the video game. #### 40."}
{"text": "The bakery makes 500 loaves of bread a day and sells each for $3. To find out how much money the bakery makes in a day, we multiply the number of loaves by the price per loaf. So, 500 loaves * $3/loaf = <<500*3=1500>>$1500. To find out how much the bakery makes in a week, we multiply the money made in a day by the number of days in a week. So, $1500/day * 7 days/week = <<1500*7=10500>>$10,500. The bakery makes $10,500 in a week. #### 10500"}
{"text": "The school has 12 classrooms. Each classroom has 25 students. The school wants to give a pencil to each student. So, we multiply the number of classrooms (12) by the number of students in each classroom (25). This gives us 12 * 25 = <<12*25=300>>300 pencils. That's how many pencils the school needs to buy. #### 300"}
{"text": "Hannah's garden is 20 feet long and 15 feet wide. She wants to plant roses on half of it. How much space will the roses take up? To figure this out, we first need to find out how big Hannah's whole garden is. We do that by multiplying the length by the width. So, the total size of Hannah's garden is 20 feet times 15 feet which equals <<20*15=300>>300 square feet. But Hannah only wants to plant roses on half of her garden. So, we divide the total size by 2. That means, the roses will take up 300 square feet divided by 2 which equals <<300/2=150>>150 square feet. #### 150"}
{"text": "Every student collects 15 cans each day. So, in one week, one student collects 15 cans/day * 7 days/week = <<15*7=105>>105 cans. Then, for the 12 students in the group, they together collect 105 cans/week * 12 students = <<105*12=1260>>1260 cans in a week. #### 1260"}
{"text": "The cafeteria serves 200 students each day and each meal costs $5. So, the total cost of meals for one day is 200 students x $5/meal = <<200*5=1000>>$1000. The cafeteria is open 5 days in a week. So the total cost of meals for a week is $1000/day x 5 days/week = <<1000*5=5000>>$5000. That's how much the cafeteria spends on meals in a week. #### 5000"}
{"text": "Lisa loves to run! She runs 8 miles each day for 6 days every week. Then, she keeps doing it for 4 weeks (which is one month). How many miles does Lisa run in one month? To find out, we first need to know how many miles she runs in a week. Since she runs 8 miles each day for 6 days, we multiply 8 by 6, which gives us <<8*6=48>>48 miles in a week. Now, to find out how many miles she runs in a month, we multiply the total weekly miles (48) by 4 (the number of weeks in a month). So, 48 miles per week times 4 weeks is <<48*4=192>>192 miles. Therefore, Lisa runs 192 miles in a month. #### 192."}
{"text": "A movie theater has 15 rows and each row has 18 seats. If all the seats are taken, how many people are in the theater? We find out the total number of people by counting all the seats because each seat is taken by one person. To do this, we multiply 15 (which is how many rows there are) by 18 (which is how many seats are in a row). So, 15 * 18 = <<15*18=270>>270. This means if all the seats are filled, there will be 270 people in the theater. #### 270"}
{"text": "Jane has 15 books and she decides to give away 1/3 of them to her friend. How many books will she give her friend? Jane has 15 books. She wants to give away 1/3 of them. So let's find out how many that is by doing 15 * 1/3 = <<15*1/3=5>>5 books. So, Jane will give her friend 5 books. #### 5"}
{"text": "The houseplant grows 2 inches each week and it is currently 10 inches tall. We want to find out how tall it will be after 8 weeks. First, let's calculate the total growth of the plant over 8 weeks. We do this by multiplying the 2 inches it grows each week by 8 weeks. So, the plant will grow 2 inches/week * 8 weeks = <<2*8=16>>16 inches in 8 weeks. Next, we add this growth to the current height of the plant which is 10 inches. So, after 8 weeks, the plant will be 10 inches + 16 inches = <<10+16=26>>26 inches tall. #### 26"}
{"text": "The pizza delivery man delivers 30 pizzas every day, and each pizza costs $15. So, in a single day, he collects 30 pizzas * $15 per pizza = <<30*15=450>>$450. Now, to find out how much money he collects in a week, we need to multiply his daily collection by the number of days in a week. So, $450 per day * 7 days = <<450*7=3150>>$3150. Therefore, a pizza delivery man who delivers 30 pizzas a day, priced at $15 each, collects $3150 in a week. #### 3150"}
{"text": "Adam and Eve are planting trees. Every day, Adam plants 15 trees and Eve plants 10 trees. How many trees would they plant in a week? First, let's find out how many trees Adam and Eve each plant in a week. Adam plants 15 trees a day, and since a week has 7 days, Adam plants 15 * 7 = <<15*7=105>>105 trees in a week. Eve, on the other hand, plants 10 trees a day, and in a week she plants 10 * 7 = <<10*7=70>>70 trees. To find out how many trees they plant together in a week, we just add the number of trees Adam planted and the number of trees Eve planted. So, 105 trees (from Adam) + 70 trees (from Eve) = <<105+70=175>>175 trees. Therefore, Adam and Eve plant a total of 175 trees in a week. #### 175"}
{"text": "The bakery makes 50 loaves of bread every day and each loaf is sold for $3. To find out how much the bakery makes in one day, we need to multiply the number of loaves by the price of each loaf. So, 50 loaves * $3/loaf = <<50*3=150>>$150 per day. Now, to find out how much the bakery makes in a week, we need to multiply the daily earnings by the number of days in a week. So, $150/day * 7 days/week = <<150*7=1050>>$1050 per week. So, the bakery makes $1050 in one week if all the loaves are sold out each day. #### 1050"}
{"text": "The car moves at a speed of 60 miles every hour and it travels for 5 hours every day. So in a day, it travels 60 miles/hour * 5 hours/day = <<60*5=300>>300 miles/day. Now, if it travels for 3 days, it will cover 300 miles/day * 3 days = <<300*3=900>>900 miles. So, in three days, the car travels a total of 900 miles. #### 900"}
{"text": "Emily wants to buy a new tablet for $200 and she's saving $25 each month. To find out how long it will take her to save enough, we need to divide the total cost of the tablet by how much Emily is saving each month. If we divide $200 by $25, we get <<200/25=8>>8. That means, it will take Emily 8 months to save enough money for her new tablet. #### 8"}
{"text": "Sara bought 5 pounds of apples from a store that sells apples for $2 per pound. So, the total cost of the apples is 2 * 5 = $<<2*5=10>>10. She gave the cashier a $20 bill. To find out how much change she should get, you subtract the cost of the apples from the money she gave, so it's 20 - 10 = $<<20-10=10>>10. #### 10"}
{"text": "The board game has 50 cards and each of the 5 players gets 7 cards. So, let's find out how many cards in total are given to the players by multiplying the number of players by the number of cards each player gets, which is 7*5=<<7*5=35>>35 cards. Now, the game started with 50 cards and we already handed out 35 cards to the players. To find out how many cards are left, we subtract the number of cards we handed out from the total number of cards, which is 50-35=<<50-35=15>>15 cards. So, after each player gets their cards, there are 15 cards left. #### 15"}
{"text": "The baker uses 2 cups of flour for each loaf of bread. He wants to bake 15 loaves of bread. So, we need to multiply the number of loaves he wants to bake by the amount of flour he uses for each one. That gives us 15 loaves x 2 cups/loaf = <<15*2=30>>30 cups of flour. The baker will need 30 cups of flour. #### 30"}
{"text": "There are 8 cars in the race and each car has 4 tires. To find out how many tires there are in total, you just need to multiply the number of cars by the number of tires each car has. So, it's 8 cars * 4 tires = <<8*4=32>>32 tires. #### 32"}
{"text": "Each student in the class of 25 needs 2 notebooks. If each notebook costs $3.50, how much will all the notebooks cost for the whole class? First, we need to figure out how many notebooks are needed. Each student needs 2 notebooks, and there are 25 students, so that's 2 notebooks per student times 25 students which is <<2*25=50>>50 notebooks. Next, we need to figure out how much all these notebooks will cost. Each notebook costs $3.50, and we need 50 notebooks, so it will cost 50 notebooks times $3.50 per notebook which equals <<50*3.5=175>>$175. So, all the notebooks for the class will cost $175. #### 175."}
{"text": "The city has 7 red traffic lights that cost $1000 each, so the total cost of the red ones is 7 * $1000 = <<7*1000=7000>>$7000. The city also has 28 yellow traffic lights that cost $750 each, so the total cost of the yellow ones is 28 * $750 = <<28*750=21000>>$21000. And, the city has 35 green traffic lights that cost $500 each, so the total cost of the green ones is 35 * $500 = <<35*500=17500>>$17500. To find out how much the city spent on all the traffic lights altogether, you just have to add up the total cost of the red, yellow and green traffic lights, which is $7000 + $21000 + $17500 = <<7000+21000+17500=45500>>$45500. #### 45500"}
{"text": "Anna's brother got 5 presents for his birthday and Anna got twice as many as him. To find out how many presents Anna got, we need to double the amount of presents her brother got. So, if we do <<5*2=10>>10 for the calculation, we find out that Anna got 10 presents for her birthday. #### 10"}
{"text": "Tim loves basketball and shoots the ball 300 times every week. He's really good and makes 85% of these shots. He plays like this for 7 weeks. We want to find out how many shots he makes during this time. To figure this out, first, we need to know how many shots he makes each week. We do this by multiplying the total number of shots he takes each week by the percentage he makes, so that's 300 times 85%, which is 300*.85 = <<300*.85=255>>255 shots each week. Next, we multiply the number of shots he makes each week, 255, by the total number of weeks, which is 7. So, 255 shots each week times 7 weeks equals 255*7 = <<255*7=1785>>1785 shots. So, Tim makes 1785 shots in 7 weeks. #### 1785"}
{"text": "Peter bought 4 slices of pizza for $3 each, which costs 4 times 3 equals <<4*3=12>>12 dollars. On the other hand, Paul bought 5 slices of pizza also for $3 each, which costs him 5 times 3 equals <<5*3=15>>15 dollars. To find out how much they both spent, just add Peter's 12 dollars and Paul's 15 dollars which equals to <<12+15=27>>27 dollars. So, Peter and Paul spent a total of 27 dollars for the pizza. #### 27"}
{"text": "A toy factory makes 250 toys every hour. If the factory is open for 8 hours every day, how many toys do they make in one day? They make 250 toys per hour and they work for 8 hours so they make 250*8=<<250*8=2000>>2000 toys in a day. #### 2000"}
{"text": "The parking lot can hold 12 cars, 15 motorcycles, and 3 buses. Each car needs 2 spaces, each motorcycle needs 1 space, and each bus needs 6 spaces. Let's figure out the total spaces in the parking lot. First, multiply the number of each vehicle by the spaces they need. So, for cars it's 12 x 2 = <<12*2=24>>24 spaces. For motorcycles, it's 15 x 1 = <<15*1=15>>15 spaces. And for buses, it's 3 x 6 = <<3*6=18>>18 spaces. To find the total spaces, simply add all these together: 24 spaces for cars, 15 spaces for motorcycles, and 18 spaces for buses. So, total spaces = 24 + 15 + 18 = <<24+15+18=57>>57 spaces. So, the parking lot has 57 spaces in total. #### 57"}
{"text": "Jack is saving up for something cool. He puts away $5 per day. After 30 days, he uses some of his savings to get a new bike. How much money does he still have left? Let's figure it out. First, we need to find out how much money Jack saved in 30 days. He saved $5 each day, so Jack saved $5 times 30 days, which is $<<5*30=150>>150.\nNext, let's find out how much Jack spent on his new bike. He used half of his savings, which means he spent $150 divided by 2, and that's $<<150/2=75>>75.\nFinally, we need to find out how much money Jack has left. We do this by taking his total savings of $150 and subtracting the $75 he spent on his bike. The amount of money Jack has left is $150 minus $75 which equals $<<150-75=75>>75.#### 75"}
{"text": "In a class of 32 students, 75% are girls. To find out how many are boys, we first need to find out how many students are girls. We multiply the total students, 32, by 75% (or 0.75 as a decimal) like this: 32 * 0.75 = <<32*0.75=24>>24. So, 24 kids in the class are girls. To find out how many are boys, we subtract the number of girls from the total number of students. Here's how we do it: 32 (total students) - 24 (girls) = <<32-24=8>>8. So, there are 8 boys in the class. #### 8"}
{"text": "Eight friends went out to eat and got a bill of $240. They decide to share the cost of the meal equally. How much does each friend need to pay? To figure this out, we start by looking at the total cost, which is $240. Then, we see that there are 8 friends. If we divide the total cost by the number of friends, we can find out how much each person has to pay. So, <<240/8=30>>30 dollars is what each friend needs to pay. #### 30"}
{"text": "Samantha's fish tank can hold 20 gallons of water and she has already put in 12 gallons. She wants to fill it up completely, and she's filling it at a speed of 2 gallons every minute. To find out how much more time she needs, first we find out how much more water the tank needs. That's the total capacity of the tank minus the water already in there, which is 20 gallons - 12 gallons = <<20-12=8>>8 gallons. So, Samantha needs to add 8 more gallons of water. Now, since she is filling the tank at 2 gallons per minute, to find out how many more minutes she needs, we divide the remaining gallons by the rate she's filling it, which is 8 gallons ÷ 2 gallons/minute = <<8/2=4>>4 minutes. So, Samantha needs 4 more minutes to fill the tank. #### 4"}
{"text": "The farmer has 60 apples and sold 40% of them in the morning. To figure out how many that is, multiply 60 by 0.40. The math is <<60*0.40=24>>24 apples. Now, the farmer sells the rest of his apples in the afternoon. To find out how many that is, subtract the number of morning apples from the total apples. The math for that is <<60-24=36>>36 apples. So the farmer sold 36 apples in the afternoon. #### 36"}
{"text": "The baker bakes 10 cakes in the morning and each cake is cut into 8 slices. The baker sells 65 slices. So, how many full cakes are left? First, we need to know how many slices the baker started with. This is done by multiplying the number of cakes by the number of slices for each cake. So, 10 cakes * 8 slices per cake equals <<10*8=80>>80 slices. Next, we subtract the number of slices sold from the total number of slices to find out how many slices are left. So, 80 slices - 65 slices sold equals <<80-65=15>>15 slices. Finally, we turn those remaining slices back into whole cakes. We do this by dividing the number of slices left by the number of slices in each cake. So, 15 slices / 8 slices per cake equals <<15/8=1.875>>1.875 cakes. But, we can't have a fraction of a cake, so we only count the whole cakes. Therefore, the baker has 1 full cake left and some slices of another cake. #### 1"}
{"text": "Billy bought a video game for $48, but it was on sale for 25% off. How much did Billy save on his purchase? To figure out how much Billy saved, we need to turn the percentage off into a decimal. We do this by dividing the percentage by 100. So, 25 divided by 100 equals <<25/100=0.25>>0.25. Now, we multiply the original price of the video game by this decimal. So, $48 times 0.25 equals <<48*0.25=12>>$12. So, Billy saved $12 on his purchase. #### 12."}
{"text": "A man drove 120 miles to see his parents and it took him 3 hours. We need to find out how fast he was driving on average. To find the average speed, we need to divide the total distance by the total time. So the average speed is 120 miles divided by 3 hours. Let's do the math: 120 divided by 3 is <<120/3=40>>40. So, the man was driving at an average speed of 40 miles per hour. #### 40"}
{"text": "The dress costs $80, but it's on sale for 25% off. That means the price goes down by 25% of the original cost. We can find out how much that is by doing <<80*0.25=20>>$80 * 0.25 = $20. So, the discount is $20. To find out the new price, we take the original price and subtract the discount. So, $80 - $20 = <<80-20=60>>$60. That means, after the discount, the dress costs $60. #### 60"}
{"text": "The school has 200 students and 60% of them are boys. To find out how many boys there are, we multiply 60/100 * 200 which equals <<60/100*200=120>>120 boys. But we want to know how many girls are there. We know that the total number of students is 200 and if we subtract the number of boys (which is 120) from the total, we get 200 - 120 = <<200-120=80>>80. So, there are 80 girls in the school. #### 80"}
{"text": "A group of friends go to a pizza place and order 5 pizzas. Each pizza is cut into 8 slices. There are 10 people in the group. If they share the pizza slices equally, how many slices will each person get? First, let's find out how many pizza slices there are in total. We know each pizza has 8 slices and they got 5 pizzas. So that's 5*8 = <<5*8=40>>40 slices of pizza altogether. Now, let's find out how many slices each person in the group gets. We know there are 10 people and 40 slices of pizza. So, we divide the total number of slices by the number of people which is 40/10 = <<40/10=4>>4 slices of pizza for each person. #### 4"}
{"text": "There are 100 oranges and 40% of them are bad. If we want to find out how many oranges are good, we need to look at the other 60% (because 100% - 40% equals 60%). So, 60% of 100 oranges are good. To figure this out, we multiply 60 by 100 and then divide by 100, which gives us (60/100) * 100 = <<(60/100)*100=60>>60. So, there are 60 good oranges. #### 60"}
{"text": "The car's speed is 60 miles per hour, which means it goes 60 miles in just one hour. But we want to know how far it will go in 3 hours and 30 minutes. First, we need to convert 3 hours and 30 minutes into a number we can use. 30 minutes is half of an hour, so we can say it's 0.5 hours. That means 3 hours and 30 minutes is actually 3.5 hours. Now we just multiply the speed of the car (60 miles per hour) by the time it's traveling (3.5 hours). So, the distance the car will travel is 60 miles/hour * 3.5 hours = <<60*3.5=210>>210 miles. So, the car will go 210 miles in 3 hours and 30 minutes. #### 210"}
{"text": "Irene baked cookies for her class. She made 4 dozen cookies which means she baked 4 times 12, that's 4 x 12 = <<4*12=48>>48 cookies in total. After sharing them with her classmates, she had 1/3 of the cookies left, so we take the total number of cookies, which is 48, and divide it by 3. That's 48 ÷ 3 = <<48/3=16>>16 cookies. So, Irene had 16 cookies left. #### 16"}
{"text": "If you want to know what part of the day 6 hours is, you can calculate it like this: The total day is 24 hours. For finding the percentage, you divide 6 (the part of the day you are interested in) by 24 (the total length of the day), and then multiply by 100 to get the answer in percentage form. So your calculation will be: Percentage = <<6/24*100=25>>25%. That means 6 hours is 25% of a whole day. #### 25"}
{"text": "Tom and Jerry picked up some pebbles. Tom has twice as many pebbles as Jerry. Together they have 36 pebbles. How many pebbles does Jerry have? We can say that if Jerry has J pebbles, Tom has 2J pebbles because he has twice as many. Since they have 36 pebbles together, this means Jerry's pebbles (J) plus Tom's pebbles (2J) equals 36. This gives us the sum J + 2J = <<J+2*J=36>>36. If you add J and 2J together you get 3J = <<3*J=36>>36. To find out how many pebbles Jerry has we need to divide 36 by 3 which gives us J = <<36/3=12>>12. So, Jerry has 12 pebbles. #### 12."}
{"text": "A girl starts with 20 marbles and gives away 25% to her brother. Let's figure out how many she has left. First, let's find out how many marbles she gives away. If she gives away 25%, we can calculate this by doing 20 * 0.25 = <<20 * 0.25 = 5>>5 marbles. Now, to find out how many she has left, we subtract the number of marbles she gave away from the total number she started with. That's calculated like this: 20 - 5 = <<20 - 5 = 15>>15 marbles. So, after giving some to her brother, the girl has 15 marbles left. #### 15"}
{"text": "The toy shop has 200 teddy bears. Each teddy bear has a ribbon and half of these ribbons are blue. This means there are 200/2 = <<200/2=100>>100 teddy bears with blue ribbons. But the shopkeeper adds 20 more blue ribbons to some teddy bears. So, the number of teddy bears with blue ribbons now is 100 (the original number) + 20 (the added ones) = <<100+20=120>>120. #### 120"}
{"text": "The man is 4 times older than his son and he's also 30 years older than his son. To find out how old the son is, we can think of it like this: If we say the son's age is \"S\" and the man's age is \"M\", we know that M = 4 times S and M = S + 30 years. So, we can make those equal to each other like this: 4S = S + 30. If we take away S from both sides, we get 3S = 30. To find S (or the son's age), we divide 30 by 3 and get S = <<30/3=10>>10. So, the son is 10 years old. #### 10."}
{"text": "Adam has a lemonade stand. He was able to sell 60 cups on Monday, and then sold 10% more on Tuesday. How many cups did he sell on Tuesday? First, we find out what 10% of his Monday sales is. This is done by multiplying 60 by 10% which gives us <<60*0.10=6>>6. Next, we add this number to his Monday sales to know the total cups sold on Tuesday. So, 60 cups from Monday plus the 6 extra cups gives us <<60+6=66>>66 cups. Therefore, Adam sold 66 cups of lemonade on Tuesday. #### 66"}
{"text": "The brother is 12 years old and he is 5 years older than his sister. So, his sister is 12 - 5 = <<12-5=7>>7 years old right now. We want to find out when the brother will be twice as old as his sister. Let's say this will happen in \"x\" years from now. So, their ages in the future will be 12 + x for the boy and 7 + x for the sister. The brother will then be twice as old as his sister, so 12 + x = 2(7 + x). If we solve this equation, we get 12 + x = 14 + 2x. To solve for x, we first subtract x from both sides which gives us 12 = 14 + x. Then, if we subtract 14 from both sides, we get -2 = x. But, time can't be negative. So, this means the brother was already twice as old as his sister 2 years ago. So, the brother was 12 - 2 = <<12-2=10>>10 years old when he was twice as old as his sister. #### 10"}
{"text": "The school has 4 classrooms, and each classroom has 15 tables. To find out how many tables are there in all the classrooms, we calculate 15 tables per classroom times 4 classrooms, which gives us 15 * 4 = <<15*4=60>>60 tables. Each of these tables has 4 legs. So, to find out how many legs there are for all tables, we calculate 60 tables times 4 legs per table, which is 60 * 4 = <<60*4=240>>240 table legs. So, in all the classrooms, there are 240 table legs. #### 240"}
{"text": "Jack has 70 baseball cards and gives 20% of them to his friend, Ethan. He then loses 15 more. The number of cards Jack gave to Ethan is calculated by multiplying his total cards (70) by 20% (which is 0.20 in decimals). So, Jack gave Ethan 70*0.20 = <<70*0.20=14>>14 baseball cards. Now, to find out how many cards Jack has left after giving some to Ethan, we subtract the 14 cards given away from his original total of 70. This means Jack has 70 - 14 = <<70-14=56>>56 baseball cards left. After that, Jack loses 15 more cards. To find out how many he has left now, we subtract the 15 lost cards from the 56 he had. So, Jack's final count of baseball cards is 56 - 15 = <<56-15=41>>41 baseball cards. #### 41"}
{"text": "The book shop owner spent $7 on each paperback book and bought 70 of them. So, he spent $7 * 70 = <<7*70=490>>490 on paperback books. He also bought 20 hardcover books for $120 each, so he spent $120 * 20 = <<120*20=2400>>2400 on hardcover books. To find out how much he spent on all the books, we add the cost of the paperback and hardcover books together. That's $490 + $2400 = <<490+2400=2890>>2890. So, the book shop owner spent $2890 on purchasing all the books. #### 2890"}
{"text": "Jenny's jar is filled with 120 jelly beans. 25% of them are red, which means the rest are green. How many green jelly beans does Jenny have in her jar? First, let's figure out how many red jelly beans there are. We know that 25% of the jelly beans are red, so we multiply 120 (the total number of jelly beans) by 0.25 (which stands for 25%). So, 120 * 0.25 = <<120*0.25=30>>30. That means, Jenny has 30 red jelly beans. Now that we know how many red jelly beans there are, we need to find out how many green ones there are. To do that, we subtract the number of red jelly beans from the total number of jelly beans. So, 120 - 30 = <<120-30=90>>90. Jenny has 90 green jelly beans in her jar. #### 90"}
{"text": "Amy has a toy store and this month, she sold different kinds of toys. Let's figure out how many of each toy she sold. She sold dolls and cars which are 1/5 and 1/10 of the total sales respectively. She sold 50 * 1/5 = <<50*1/5=10>>10 dolls and 50 * 1/10 = <<50*1/10=5>>5 cars. So, she sold a total of 10 + 5 = <<10+5=15>>15 dolls and cars. The rest of the toys sold were action figures. To find out how many action figures she sold, we subtract the total dolls and cars from the total toys. So, 50 - 15 = <<50-15=35>>35 action figures were sold. So, Amy was able to sell 35 action figures. #### 35"}
{"text": "The man has $500 and he decides to give away 20% of it. We can find out how much money he gives to charity by multiplying 500 by 20%, which is the same as 20/100. So, 500 * 20/100 equals <<500*20/100=100>>100 dollars. Now, we need to find out how much money he has left. We can do this by subtracting the amount he gave to charity, which is $100, from the $500 he originally had. So, 500 - 100 equals <<500-100=400>>400 dollars. Therefore, the man has $400 left after giving to charity. #### 400"}
{"text": "Tom's football team has 5 more players than Jerry's. If Jerry's team has 15 players, how many players are there in both teams combined? Tom's team has 5 more players than Jerry's, so that's 15+5 = <<15+5=20>>20 players on Tom's team. To find the total number of players in both teams, we just add the number of players on Jerry's team and Tom's team together. That's 15 for Jerry's team plus 20 for Tom's team which equals 15+20 = <<15+20=35>>35 players in total. #### 35"}
{"text": "Jacob ate 20% of his 50 chocolates, that means he ate 50 * 0.20 = <<50*0.20=10>>10 chocolates. After eating, he had 50 - 10 = <<50-10=40>>40 chocolates left. Then, Jacob gave 3/5 of his remaining chocolates to his friends. So he gave away 3/5 * 40 = <<3/5*40=24>>24 chocolates. After giving chocolates to his friends, he had 40 - 24 = <<40-24=16>>16 chocolates left. #### 16"}
{"text": "Jake has 50 comic books and he wants to sell 30% of them. To find out how many that is, we multiply 50 by 30% or 0.3. So, 50 x 0.3 = <<50*0.3=15>>15 comic books. This means Jake will sell 15 comic books. #### 15"}
{"text": "In the fruit basket, we have 30 apples and 40 oranges. But, some of them are rotten! 15% of the apples and 25% of the oranges are not good. We want to know how many good fruits are left. Let's find out! First, let's see how many apples have gone bad. We do this by multiplying the total apples by 15% or 0.15. That's 30 apples * 0.15 = <<30*0.15=4.5>>4.5 apples. But, we can't have half an apple rotten, so let's say 5 apples are rotten. So, how many good apples are left? We subtract the rotten ones from the total. That's 30 apples - 5 rotten apples = <<30-5=25>>25 good apples. Now, let's see how many oranges have gone bad. We do this by multiplying the total oranges by 25% or 0.25. That's 40 oranges * 0.25 = <<40*0.25=10>>10 rotten oranges. To find the good oranges, we subtract the rotten ones from the total. That's 40 oranges - 10 rotten oranges = <<40-10=30>>30 good oranges. Now, add the good apples and good oranges together to find the total good fruits. 25 good apples + 30 good oranges = <<25+30=55>>55 good fruits. So, we have 55 good fruits in the basket. #### 55"}
{"text": "Amy gains 10 pounds in 3 weeks. Jill needs 3 weeks to gain the same amount of weight that Amy gains in only one week. This means Jill would need three times as many weeks to gain the same weight. So, to find out how many weeks it would take Jill to gain the same amount of weight, we do 3 (the weeks it takes Jill to gain the same amount as Amy in one week) times 3 (the weeks Amy took to gain the weight). So, the calculation is <<3*3=9>>9 weeks. That's how long it would take Jill to gain the same amount of weight as Amy. #### 9"}
{"text": "Big Tree School has 86 fifth-graders and 44 of them are boys. If 3 boys and 6 girls were absent on Monday, how many girls were present at school? First, we find out the number of girls by taking the total number of students, 86, and subtracting the number of boys, 44. So, it's 86 - 44 = <<86-44=42>>42 girls. Then, to find the number of girls present on Monday, we subtract the number of girls absent from the total number of girls. Therefore, we do 42 - 6 = <<42-6=36>>36. So, on Monday, there were 36 girls present at Big Tree School. #### 36"}
{"text": "Peter's new puppy has cost him quite a bit so far. First, Peter had to pay $300 for neutering. Then, he got 2 vaccines for the puppy which cost $30 each. This means he paid 2* $30 = <<2*30=60>>60 for vaccines. Now, the puppy has been a bit naughty and broke 3 lamps. Each lamp cost $20, so in total, the broken lamps cost him 3 * $20 = <<3*20=60>>60. If we add up all these costs, we get the total amount Peter has spent so far which is $300 (neutering) + $60 (vaccines) + $60 (lamps) = $<<300+60+60=420>>420. So, the puppy has cost Peter $420 so far. #### 420."}
{"text": "The train moves at a speed of 60 miles every hour and it travels for 2.5 hours. To find out how far the train went, we multiply the speed of the train by the time it traveled. This means we do 60 miles/hour * 2.5 hours = <<60*2.5=150>>150 miles. So, the train traveled 150 miles. #### 150"}
{"text": "Paco likes to jog a lot. He jogs 15 miles every day, but on weekends he only jogs 5 miles. Let's find out how many miles he jogs in a week. From Monday to Friday, he jogs 15 miles a day. That's 5 days. So, he jogs 15 miles/day x 5 days which is <<15*5=75>>75 miles. Now, let's calculate his weekend jogging. He jogs 5 miles on Saturday and Sunday, that's 5 miles/day x 2 days, which is <<5*2=10>>10 miles. Now, if we add the miles he jogs on weekdays and weekends, that's 75 miles (weekdays) + 10 miles (weekends), which gives us <<75+10=85>>85 miles. So, Paco jogs a total of 85 miles in a week. #### 85"}
{"text": "Sarah wants to buy a bike that costs $200, but she already has $50. If she saves $10 every week, when can she buy the bike? First, let's see how much more money she needs by subtracting what she has from the cost of the bike, so $200 - $50 = <<200-50=150>>150 dollars. Then, we divide the amount she needs by how much she saves every week, so $150 ÷ $10 = <<150/10=15>>15 weeks. So, Sarah needs 15 weeks to save enough to buy the bike. #### 15"}
{"text": "The local volunteer group is trying to earn $5000 from their bake sale. They've already earned $1000 in the first 2 hours. How much longer do they need to be selling baked goods to reach their goal? We'll be assuming that they're earning money at the same rate throughout the whole bake sale. First, let's figure out how much they're making every hour. They earned $1000 in 2 hours so that's $1000/2 = <<1000/2=500>>500 bucks every hour. Now, let's see how much money they still need to make. They're aiming for $5000 and have already earned $1000, so, they still need to make $5000 - $1000 = <<5000-1000=4000>>4000 dollars. Since they're making $500 every hour, and they have $4000 left to earn, they will need to sell baked goods for $4000/$500 = <<4000/500=8>>8 more hours to reach their goal. But don't forget, they've already spent 2 hours selling baked goods. So, in total, they will need to fundraise for 2 + 8 = <<2+8=10>>10 hours. #### 10"}
{"text": "To figure out how many miles a car can travel on 5 gallons of gas, we first need to find out how many miles it can travel on 1 gallon of gas. The car travels 300 miles on a full 15 gallons of gas, so we can find out how many miles it travels per gallon by dividing 300 miles by 15 gallons. So it's 300 miles / 15 gallons = <<300/15=20>>20 miles per gallon. Then, we just multiply the miles per gallon by the number of gallons we have. So it's 20 miles per gallon * 5 gallons = <<20*5=100>>100 miles. The car can travel 100 miles on 5 gallons of gas. #### 100"}
{"text": "In a class of 40 students, 35% play an instrument. How many students play an instrument? To figure this out, we change the percentage into a decimal by dividing it by 100. So, 35% becomes <<35/100=0.35>>0.35. Then we multiply the total number of students, which is 40, by the decimal we got, 0.35. That's 40 * 0.35 = <<40*0.35=14>>14. So, 14 students in the class play an instrument. #### 14"}
{"text": "Sally is making cookies for school and needs 3 cups of sugar for each batch. She's planning on making 7 batches. How much sugar does she need in total? Sally needs 3 cups of sugar for each batch and she's making 7 batches, so she needs 3*7 = <<3*7=21>>21 cups of sugar. So, Sally needs to get 21 cups of sugar to make all her cookies. #### 21"}
{"text": "Amy starts with 30 chocolates. She decided to share some with her 4 friends, giving them 5 chocolates each. Let's find out how many she gave out in total. So, we need to multiply the number of friends (4) with the number of chocolates each got (5). That's <<4*5=20>>20 chocolates. Now, to find out how many chocolates Amy has left, we subtract the number of chocolates she gave away (20) from the total number she had at first (30). So, 30 - 20 equals <<30-20=10>>10. After sharing with her friends, Amy has 10 chocolates left. #### 10"}
{"text": "Isaac and Hannah were in a swimming relay race. Isaac swam much faster than Hannah, but Hannah swam a much longer distance than Isaac. If Hannah swam for 3 miles and Isaac finished his part in 9 minutes, how long did it take for Hannah to finish her part? First, we need to find out how long it took Isaac to swim each mile. We do this by dividing the total time he swam, which is 9 minutes, by the distance he swam, which is 1 mile. So, 9 minutes / 1 mile = <<9/1=9>>9 minutes/mile. Since Hannah is slower than Isaac, she took longer to swim each mile. In fact, she took three times as long as Isaac per mile. So, 9 minutes/mile * 3 = <<9*3=27>>27 minutes/mile. Now that we know how long Hannah took per mile, we multiply that by how many miles she swam, which is 3 miles. So, 27 minutes/mile * 3 miles = <<27*3=81>>81 minutes. Hannah took 81 minutes to finish her part of the race. #### 81"}
{"text": "Martha's cleaning company hired 50 people in July and paid each person $10 for every hour they worked. Each person worked 30 hours every week. So, each person got 30 hours * $10/hour = <<30*10=300>>300 dollars every week. If we think about a month as 4 weeks, then each person got $300/week * 4 weeks/month = <<300*4=1200>>1200 dollars every month. That means the company paid $1200/month * 50 people = <<1200*50=60000>>60000 dollars to all the workers in July. In August, 1 out of every 5 people left. That means there were 50 - 50/5 = <<50-50/5=40>>40 people left. Each person still got $1200 every month. So the company paid $1200/month * 40 people = <<1200*40=48000>>48000 dollars to all the workers in August. If we add up the money for July and August, the company paid $60000 + $48000 = <<60000+48000=108000>>108000 dollars to all the workers in two months. #### 108000."}
{"text": "In a class of 45 students, an equal number of boys and girls, some were absent one day. 20% of the boys and 15% of the girls didn't come to school. Let's find out how many students were in class that day. First, we need to divide the total number of students, 45, by 2 to see how many are boys and how many are girls. But 45 divided by 2 is <<45/2=22.5>>22.5 and we can't have half a student, can we? So, there might be a mistake in the question. Let's assume there are actually 46 students, 23 boys and 23 girls. Now, 20% of the boys were absent, which is <<23*20/100=4.6>>4.6 boys, but we can't have 0.6 of a boy, so we round it up to 5 boys. Likewise, 15% of the girls were absent, which is <<23*15/100=3.45>>3.45 girls, but we can't have 0.45 of a girl, so we round that down to 3 girls. Now, we subtract the absentees from the total number of boys and girls. There were <<23-5=18>>18 boys and <<23-3=20>>20 girls at school that day. If we add them up, <<18+20=38>>38 students were present. So, assuming there are 46 students in the class, not 45, there were 38 students at school that day. #### 38"}
{"text": "Cara, Asher, and Levi together scored 60 points in a basketball game. Cara scored 15 more points than Asher and the same amount as Levi. How many points did Asher score? To find the answer, we add the points Cara scored to the points Asher scored, and the points Levi scored. We know that Cara scored 15 more points than Asher, and the same amount as Levi, so we can say that Asher's score plus 15 (Cara's score) plus another score equal to Asher's (Levi's score) equals 60. So we have a simple equation: <<15+Asher's score+Asher's score=60>>15+Asher's score+Asher's score=60. We can simplify this by adding Asher's score to itself, which is the same as multiplying it by 2: <<15+2*Asher's score=60>>15+2*Asher's score=60. We can move the 15 to the other side of the equation by subtracting it from 60, which gives us 45: <<60-15=45>>45=2*Asher's score. Now we just need to divide 45 by 2 to find Asher's score: <<45/2=22.5>>22.5. But scores in basketball are always whole numbers! There seems to be a mistake. If we think about it a little more, we remember that Cara scored the same amount as Levi, not 5 more. So the equation should be: <<15+Asher's score+Asher's score=60>>15+Asher's score+Asher's score=60. If we solve this equation, we find that Asher's score is <<15=15>>15. So Asher scored 15 points. #### 15."}
{"text": "Mary wants to buy a $7 cactus but only has $3. To find out how much more money she needs, subtract what she has from the cost of the cactus. That means we do <<7-3=4>>4. So Mary needs $4 more to buy the cactus. #### 4"}
{"text": "Mike had a bag of chips. He ate some, then a squirrel, two birds, a fox, and a mouse each took some away. Let's work out how many chips were in the bag at the start. Firstly, the mouse took one chip and left six behind. So, before the mouse took one there were 6 + 1 = <<6+1=7>>7 chips. Secondly, before the fox took away half of the chips there were 7 * 2 = <<7*2=14>>14 chips. Thirdly, before the birds ate four chips each, there were 14 + 4 * 2 = <<14+4*2=22>>22 chips. Fourthly, the squirrel ate half of what Mike ate, which is 20 / 2 = <<20/2=10>>10 chips. So, before that there were 22 + 10 = <<22+10=32>>32 chips. Lastly, Mike ate 20 chips before the squirrel got there. So, at the very start, Mike had 32 + 20 = <<32+20=52>>52 chips in his bag. #### 52"}
{"text": "Tom reads 4 books every week. We want to know how many books he will read in 8 weeks. To find this out, we simply need to multiply the number of books he reads in a week by the number of weeks. So, it's 4 books/week * 8 weeks = <<4*8=32>>32 books. Now we know, Tom will read 32 books in 8 weeks. #### 32"}
{"text": "John is getting paid $12 for each hour he tutors English. In the first week, he tutored for 4 hours and on the second week, he tutored for 6 hours. How much did he make in total for those two weeks? First, let's figure out how much he made in the first week. He gets $12 per hour and he worked for 4 hours. So we multiply $12 by 4 to find out how much he made that week. That's $12 * 4 = <<12*4=48>>48. Now let's do the same for the second week. He gets $12 per hour and he worked for 6 hours. So we multiply $12 by 6. That's $12 * 6 = <<12*6=72>>72. Now, we just need to add the money he made from the first week and the second week together. That's $48 + $72 = <<48+72=120>>120. So, John made $120 in the first two weeks of tutoring. #### 120"}
{"text": "Amy's goal is to save up for a new video game that costs $120. She earns $15 from her weekly allowance that she plans to save. To figure out how many weeks it will take for Amy to have enough money, we divide the total cost of the video game by how much Amy saves each week. Here, we'll divide $120 by $15, which looks like this: <<120/15=8>>8 weeks. So, it will take Amy 8 weeks to save up enough money for her video game. #### 8"}
{"text": "The bus is moving at 50 miles in one hour, and you want to know how far it goes in 3.5 hours. We can figure this out by multiplying the speed of the bus by the time it's traveling. So, we multiply 50 miles/hour by 3.5 hours, like this: <<50*3.5=175>>175 miles. This means the bus can travel 175 miles in 3.5 hours. #### 175"}
{"text": "In the zoo, there are 40 animals. This includes 15 monkeys and 8 giraffes, but we want to find out how many of these 40 animals are lions. To do this, we need to add the number of monkeys to the number of giraffes, which is 15 monkeys + 8 giraffes = <<15+8=23>>23 animals. These 23 animals are either monkeys or giraffes, not lions. Since we know that the total number of animals is 40, we can subtract the number of monkeys and giraffes from this total to find out how many lions there are. This means doing 40 animals - 23 animals = <<40-23=17>>17 animals. So there are 17 lions in the zoo. #### 17"}
{"text": "The pizza is cut into 8 even pieces. Tom eats 2 of those pieces. How many pieces are left? Initially, the pizza has 8 pieces. After Tom eats 2 pieces we find out how many pieces are left by doing 8 - 2 = <<8-2=6>>6. So, there are 6 pieces of the pizza left. #### 6"}
{"text": "Peter is making soup and his recipe says to use 2 cups of vegetable broth for every 3 cups of vegetables. Peter has 15 cups of vegetables, so we need to figure out how much vegetable broth he needs. Since 3 cups of vegetables needs 2 cups of broth, we can figure out how many sets of 3 cups are in the 15 cups of vegetables Peter has by doing 15 divided by 3. So, 15 ÷ 3 = <<15/3=5>>5. This means that Peter's 15 cups of vegetables is 5 times the amount in the recipe. So, he will need 5 times the amount of broth. Since the recipe calls for 2 cups of broth, we multiply 2 by 5. So, 2 * 5 = <<2*5=10>>10 cups of broth. So, if Peter has 15 cups of vegetables, he needs 10 cups of vegetable broth. #### 10"}
{"text": "The train can travel 70 miles in one hour. If it needs to travel 420 miles, we just have to divide the total distance by the speed of the train. So, we do 420 divided by 70 which gives us <<420/70=6>>6. So, the train would take 6 hours to travel 420 miles. #### 6"}
{"text": "The school library has 400 books and the librarian wants each of the 4 shelves to have the same number of books. To figure out how many books go on each shelf, we divide the total number of books by the number of shelves. In this case, we do <<400/4=100>>100. So, each shelf will have 100 books. #### 100"}
{"text": "We have 60 students going on a trip. Each bus can only carry 25 students. To find out how many buses are needed, we divide the total number of students by how many each bus can carry. So we do 60 / 25 = <<60/25=2.4>>2.4 buses. But we can't have 0.4 of a bus, we need a whole bus! So, we round up to the next whole number, which is 3. We need 3 buses to carry all the students. #### 3"}
{"text": "Jim rode his bike for 2 hours and 30 minutes. For 3/5 of that time, he was climbing hills. How long did he spend climbing hills? First, let's figure out how long the bike ride was in minutes. We know 1 hour is 60 minutes, so 2 hours is 2*60 = <<2*60=120>>120 minutes. If we add the extra 30 minutes, the total bike ride time is 120 + 30 = <<120+30=150>>150 minutes. Now, let's find out how long Jim spent climbing hills. That's 3/5 of the total time, so we multiply 150 minutes by 3/5 to get 150 * 3/5 = <<150*3/5=90>>90 minutes. So, Jim spent 90 minutes climbing hills. #### 90."}
{"text": "Three friends have 12 candy bars to share. To find out how many candy bars each friend gets, you just have to divide the total number of candy bars, by the total number of friends. So, let's do the math, which is 12 divided by 3 equals to <<12/3=4>>4. That means each friend gets 4 candy bars. #### 4"}
{"text": "A toy car can move 5 meters in just one minute. So, how far do you think it can go in 15 minutes? Let's find out! First, we know it can go 5 meters every minute. Now, we want to know how far it can go in 15 minutes. To find this out, we just need to do a simple multiplication. We multiply the distance it can move in one minute (5 meters) by the number of minutes (15). So, it's 5 meters per minute * 15 minutes which gives us <<5*15=75>>75 meters. This means the toy car can travel 75 meters in 15 minutes. #### 75"}
{"text": "Lisa had a school project where she collected 80 seashells over 4 weeks. We want to find out how many seashells she collected every week on average. To do this, we just have to divide the total number of seashells she collected by the total number of weeks. So it's 80 seashells ÷ 4 weeks = <<80/4=20>>20 seashells per week. This means Lisa collected on average 20 seashells each week. #### 20"}
{"text": "One bottle of juice has 8 servings. Sally drinks 2 servings each day. To find out how many days one bottle will last, we divide the total servings in the bottle by the servings Sally drinks daily. So, we do <<8/2=4>>4. This means one bottle will last for 4 days. #### 4"}
{"text": "The question is asking how far a train can travel in 3 hours if it's going 60 miles in one hour. We can find out by multiplying its speed, which is 60 miles per hour, by the number of hours it's traveling, which is 3 hours. So, the distance the train can travel is <<60*3=180>>180 miles. #### 180"}
{"text": "Alex collected 5 seashells every day for a total of 6 days. To find out how many seashells he collected, we multiply the number of seashells he found each day (5) by the number of days he collected them (6). So, 5 seashells/day * 6 days = <<5*6=30>>30 seashells. So, Alex found a total of 30 seashells. #### 30"}
{"text": "Emily buys apples from a grocery store that sells them for $2 per pound. She decides to buy 2.5 pounds. To find out how much she has to pay, we need to multiply the cost per pound by the number of pounds she buys. So, it's $2 * 2.5 = <<2*2.5=5>>5 dollars. #### 5"}
{"text": "We're trying to find the area of a rectangular garden that measures 10 meters long and 5 meters wide. To find the area of a rectangle, we multiply the length by the width. So, for this garden, we do 10 meters times 5 meters, which equals <<10*5=50>>50 square meters. So, the area of the garden is 50 square meters. #### 50"}
{"text": "The movie theater has 20 rows of seats and in each row, there are 15 seats. To figure out the total number of seats, we just need to multiply the number of rows by the number of seats in each row. So, we do 20 rows times 15 seats per row which equals <<20*15=300>>300 seats. So, there are 300 seats in the movie theater. #### 300"}
{"text": "We have 144 pencils and each box can hold 12 pencils. To find out how many boxes we need, we divide 144 by 12. So, 144 ÷ 12 equals <<144/12=12>>12. That means we need 12 boxes to pack all the pencils. #### 12"}
{"text": "Lucy has a book with 250 pages and she reads 50 pages every day. We want to know how many days will it take for Lucy to finish the book. To find out, we need to divide the total number of pages by the number of pages she reads. So, we calculate 250 pages divided by 50 pages per day. Doing the math, 250 divided by 50 equals <<250/50=5>>5. So, Lucy can finish the book in 5 days. #### 5"}
{"text": "In a garden, there are 30 rows of flowers and each row has 20 flowers. To find out how many flowers there are all together, we just need to multiply the number of rows which is 30 by the number of flowers in each row which is 20. So, we do <<30*20=600>>600. That means, there are 600 flowers in the garden. #### 600"}
{"text": "Tom starts with 16 apples but he gives 5 to Jane so he has 16 - 5 = <<16-5=11>>11 apples left. Then he gives 4 more apples to Sam so he has 11 - 4 = <<11-4=7>>7 apples left. So, Tom has 7 apples left. #### 7"}
{"text": "The football field is 100 yards long and the player runs the full length 4 times. To find out how many yards the player has run, you just need to multiply the length of the field by the number of times the player runs it. So, we do <<100*4=400>>400 yards. This means the player has run 400 yards. #### 400"}
{"text": "The recipe needs 4 eggs to make 12 cookies. That means one egg can make 12/4=<<12/4=3>>3 cookies. If we want to make 36 cookies, we just divide 36 by the number of cookies one egg can make. So, the number of eggs needed is 36/3=<<36/3=12>>12. #### 12"}
{"text": "Sally eats 3 oranges, and each orange has 60 calories. To find out how many calories she gets from the oranges, you have to multiply the number of oranges she eats, which is 3, by the calories in each orange, which is 60. So the math is 3*60=<<3*60=180>>180. Sally gets 180 calories from eating 3 oranges. #### 180"}
{"text": "Robert wants to make orange juice for a party. For every gallon, he needs 2 cups of juice and 4 oranges make 1 cup of juice. He wants to make 3 gallons of normal juice and 1 gallon of juice that is twice as tangy. How many oranges does he need? Robert needs to make 3 gallons of normal juice and each gallon needs 2 cups. So, he needs 2*3=<<2*3=6>>6 cups of juice. For each cup, he needs 4 oranges. So, for 6 cups he needs 6*4=<<6*4=24>>24 oranges. For the tangy juice, it's twice as tangy so he needs double the juice or 2*2=<<2*2=4>>4 cups of juice. For 4 cups, he needs 4*4=<<4*4=16>>16 oranges. So, for all the juice, he needs 24+16=<<24+16=40>>40 oranges. #### 40"}
{"text": "One bus can carry 50 people, so if we have 200 people to transport, we need to figure out how many buses we need. To do this, we take the total number of people and divide by the number of people one bus can carry. So, we do 200 ÷ 50 = <<200/50=4>>4 buses. That means we need 4 buses to take 200 people. #### 4"}
{"text": "Mary saves $3 every week and we want to know how much she saves in a year. There are 52 weeks in a year. So, to find out how much Mary saves in a year, we multiply how much she saves each week, which is $3, by the number of weeks in a year, which is 52. So, $3 per week times 52 weeks in a year equals <<3*52=156>>156 dollars. So, Mary will have saved $156 after one year. #### 156"}
{"text": "The book has 100 pages and Jenny reads 15 pages every day. To find out how many days it will take for her to finish the book, we divide the total number of pages by the number of pages she reads each day. So, we do 100 ÷ 15 = <<100/15=6.67>>6.67 days. But, Jenny can't read a part of a page in a day, so we round up 6.67 to 7. This means even if she has less than 15 pages left on the seventh day, she will still need that seventh day to finish the book. So, it will take Jenny 7 days to finish the book. #### 7"}
{"text": "The cost of one gallon of gas is $3 and Jack's car can hold 15 gallons. If we want to know how much it will cost to fill up Jack's car, we just need to multiply the price of one gallon by the number of gallons Jack's car can hold. So, it's $3 * 15 gallons = <<3*15=45>>45 dollars. That's how much it will cost to fill up Jack's car. #### 45"}
{"text": "The zoo has a variety of animals. There are 15 giraffes, 20 lions, and 30 elephants. If you want to know how many animals are in the zoo in total, you need to add all these together. So, you just add 15 (for the giraffes) + 20 (for the lions) + 30 (for the elephants) and you get <<15+20+30=65>>65. So, the zoo has 65 animals in total. #### 65"}
{"text": "A farmer has 200 chickens and each chicken lays 2 eggs per day. Let's find out how many eggs the farmer can collect in a week. One chicken lays 2 eggs a day, so in a week, which has 7 days, the chicken will lay 2 eggs/day * 7 days/week = <<2*7=14>>14 eggs/week. The farmer has 200 chickens and since each chicken lays 14 eggs a week, the total number of eggs the farmer will gather in a week is 200 chickens * 14 eggs/chicken/week = <<200*14=2800>>2800 eggs/week. #### 2800"}
{"text": "In a basketball game, Michael scored 20 points and that's 25% of the team's total points. How many points did the whole team score? Michael's 20 points are 25% of total points, which as a decimal is 0.25. So, we can say 0.25 times the total points equals Michael's 20 points. To find out the total points, we need to divide Michael's 20 points by 0.25. When we do that 20 divided by 0.25 equals <<20/0.25=80>>80. So, the team scored 80 points in total. #### 80"}
{"text": "Peter is buying 4 dozens of cookies. Each dozen costs $6. So to find out how much he will pay, we multiply the cost of one dozen by the number of dozens he is buying. That's <<6*4=24>>24 dollars. So, Peter will pay $24 for 4 dozens of cookies. #### 24"}
{"text": "In the class, 30% of the students have brown eyes and 40% have blue eyes. If we add these percentages together, we get 30% + 40% = <<30+40=70>>70%. But we know that all students in the class have some color of eyes, so 100% of students have eyes. If 70% have brown or blue eyes, then the rest, which is 100% - 70% = <<100-70=30>>30% must have green eyes. Now to find out the actual number of students who have green eyes, we multiply the total number of students by the percentage of students with green eyes. So, 40 students * 30% = <<40*0.30=12>>12 students have green eyes. #### 12"}
{"text": "The train travels 210 miles in three hours. We can find out how fast it goes by dividing the distance it travels by the time it takes. So, we can calculate this by doing 210 miles divided by 3 hours, which is <<210/3=70>>70 miles per hour. So, the train's average speed is 70 miles per hour. #### 70"}
{"text": "The price of a watermelon is $7 and you want to buy 3 of them. So, the total cost for the watermelons is 7*3=<<7*3=21>>21 dollars. The price of a pineapple is $5 and you want to buy 2. So, the total cost for the pineapples is 5*2=<<5*2=10>>10 dollars. To find the total cost of everything, you add the cost of the watermelons and pineapples together. So, 21 + 10 = <<21+10=31>>31 dollars is how much you would pay for 3 watermelons and 2 pineapples. #### 31"}
{"text": "John, Sarah, and Mark went on a picnic. John brought 4 sandwiches, Sarah 5, and Mark 3. They decided to share all the sandwiches equally. How many sandwiches does each person get? Let's add all the sandwiches first. John's 4, Sarah's 5, and Mark's 3 makes 4+5+3=<<4+5+3=12>>12 sandwiches in total. There are 3 people, so if we share the sandwiches equally, each person gets 12/3=<<12/3=4>>4 sandwiches. So, each person gets 4 sandwiches. #### 4"}
{"text": "In a parking lot, there are 120 cars. Some cars are blue, and some cars are red. We want to find out how many cars are not blue or red. To start, we know that 25% of the cars are blue. That's 25% of 120 which equals <<25*.01*120=30>>30 blue cars. Now, we also know that 15% of the cars are red. That's 15% of 120 which equals <<15*.01*120=18>>18 red cars. To find out how many cars are not blue or red, we take the total number of cars, which is 120, and subtract the number of blue cars and the number of red cars. So it's 120 - 30 - 18 = <<120-30-18=72>>72 cars. Therefore, there are 72 cars that are neither blue nor red. #### 72"}
{"text": "Lucy starts with 8 bags of marbles, and each bag has 15 marbles. So, she has 8*15=<<8*15=120>>120 marbles in total. Then, she loses a bag. Each bag has 15 marbles, so if one is lost, that means 15 marbles are lost. So, we take her total 120 marbles and subtract the 15 that she lost. That's 120-15=<<120-15=105>>105 marbles. So, Lucy now has 105 marbles left. #### 105"}
{"text": "John has a pack of notebook paper with 150 sheets. He uses 5 sheets each day. We want to know, how many days will the pack last? First, look at the total number of sheets, which is 150. Next, we know John uses 5 sheets every day. To find out how many days the pack will last, we divide the total number of sheets by the number of sheets John uses each day. So, we do 150 (total sheets) divided by 5 (sheets John uses per day) which gives us <<150/5=30>>30 days. This means the pack of notebook paper will last for 30 days if John uses 5 sheets each day. #### 30"}
{"text": "Lisa buys a dress and a pair of shoes. The dress costs $60 and the shoes cost $40. She also has a $15 off coupon. How much does she have to pay for her shopping? First, we add the price of the dress and the shoes together. So, $60 (for the dress) + $40 (for the shoes) = <<60+40=100>>100. Now, we subtract the coupon value from the total cost. So, $100 (total cost) - $15 (coupon) = <<100-15=85>>85. So, Lisa will pay $85 for her dress and shoes. #### 85"}
{"text": "Jasmine wants a bicycle that costs $150. She already has $45. How long will it take her to save enough money to buy the bicycle if she saves $15 each week? First, let's see how much more money Jasmine needs. The bike costs $150 and she has $45, so we subtract: $150 - $45 = <<150-45=105>>105 dollars. Now, we need to find out how many weeks it will take her to save $105 if she saves $15 each week. So we divide: $105 / $15 = <<105/15=7>>7 weeks. So, Jasmine needs to save for 7 more weeks to buy the bicycle. #### 7"}
{"text": "Maia's garden is 20 feet long and 15 feet wide. She wants to put a fence all around it. How many feet of fencing will she need? To find out, we need to add up all the sides of her garden. That's 20 feet for one long side and 15 feet for one short side, but since a rectangle has two long sides and two short sides, we need to do this twice. So, the total fencing will be 2 times 20 feet plus 2 times 15 feet, which is <<2*20+2*15=70>>70 feet. So, Maia will need 70 feet of fencing. #### 70"}
{"text": "The car goes 75 miles on 3 gallons of gas. We want to find out how far it can go on 7 gallons. First, let's figure out how far the car travels on 1 gallon. We do this by dividing the 75 miles by 3 gallons which gives us 75/3 = <<75/3=25>>25 miles for each gallon. Now, we multiply this 25 miles per gallon by 7 gallons to find out how far the car can go. So, 25*7 = <<25*7=175>>175 miles. That means the car can travel 175 miles on 7 gallons of gas. #### 175"}
{"text": "Each tree in the orchard gives us 150 apples and there are 20 trees. So, if we want to know how many apples there are in total, we have to multiply the number of apples each tree gives us by the number of trees. That's 150 apples/tree times 20 trees which equals <<150*20=3000>>3000 apples in total. #### 3000"}
{"text": "Martin reads 30 pages of a book every day and he has a book with 450 pages. He wants to know how many days it will take him to finish the book. To find out, divide the total number of pages by the number of pages he can read every day. So, we do 450 ÷ 30 = <<450/30=15>>15 days. Therefore, it will take Martin 15 days to finish reading the book. #### 15"}
{"text": "Anna and her friends went to the movies and each ticket was $7. They bought 5 tickets and paid with a $50 bill. Let's find out how much change they got back? First, find out how much they paid for the tickets. That's $7 per ticket times 5 tickets, so it's 7 * 5 = <<7*5=35>>35 dollars. Now, subtract what they paid for the tickets, $35, from the $50 bill they used to pay. That's 50 - 35 = <<50-35=15>>15 dollars. So, Anna and her friends got $15 back in change. #### 15"}
{"text": "Jennifer read 34 pages of a book on Monday. The next day, she read twice as many pages as she read on Monday. To find out the total pages she read, you need to add the number of pages she read on both days. Jennifer read 34 pages on Monday and twice that on Tuesday, which is 34*2 = <<34*2=68>>68 pages. So, the total number of pages Jennifer read on both days is 34 (Monday's pages) + 68 (Tuesday's pages) = <<34+68=102>>102 pages. #### 102"}
{"text": "The school bus can carry 30 students and 4 buses are needed for a field trip. How many students are going on the field trip? Each bus carries 30 students and there are 4 buses so, we can find the total number of students by doing the multiplication of these two numbers. So, the total number of students is 30 students per bus * 4 buses = <<30*4=120>>120 students. #### 120"}
{"text": "Park starts with 30 stamps, but he gives away 5, so he has 30 - 5 = <<30-5=25>>25 stamps left. Then, he buys 7 more stamps, so now he has 25 + 7 = <<25+7=32>>32 stamps. Park now has 32 stamps. #### 32"}
{"text": "Amy gets $12 every week as allowance. Let's find out how much money she will have after 1 year. We know that there are 52 weeks in a year. So, she gets money 52 times in a year. If we multiply the number of weeks by how much money she gets each week, we can find out her total savings for the year. So, Amy's total savings will be 52 times $12, which is <<52*12=624>>624 dollars. So, Amy will have saved up $624 in a year. #### 624"}
{"text": "A farmer has 7 hens and each hen lays 4 eggs a day. Let's figure out how many eggs the hens lay in a week. First, let's find out how many eggs all the hens lay in a day. We do this by multiplying the number of hens by the number of eggs each hen lays in a day. So 7 hens * 4 eggs = <<7*4=28>>28 eggs in a day. Now, to find out how many eggs all the hens lay in a week, we need to multiply the number of eggs all hens lay in a day by the number of days in a week. That would be 28 eggs * 7 days = <<28*7=196>>196 eggs in a week. So, the hens lay 196 eggs in a week. #### 196"}
{"text": "Tom bought 2 packs of toy cars from a toy store. Each pack costs $15 and he paid with a $40 bill. To figure out how much change he got back, first, find out how much he paid for the toy cars. He bought 2 packs at $15 each so that's 2*15=<<2*15=30>>30 dollars. He paid with a $40 bill so to find how much change he got, subtract the cost of the toy cars from the money he handed over. That's 40-30=<<40-30=10>>10 dollars. So, Tom got 10 dollars back. #### 10."}
{"text": "Kate starts with 20 pencils but gives half to her sister. Half of 20 is 20/2 = <<20/2=10>>10 pencils, so Kate has 20 - 10 = <<20-10=10>>10 pencils left. Then, Kate buys 10 more pencils. So, we add these 10 pencils to the 10 she already had left. That is 10 + 10 = <<10+10=20>>20. Therefore, Kate now has 20 pencils. #### 20"}
{"text": "Emma starts with 6 apples and 3 oranges. Then, she buys some more! She gets 5 more apples and 4 more oranges. So now, she has 6 + 5 = <<6+5=11>>11 apples and 3 + 4 = <<3+4=7>>7 oranges. To find out how many fruits Emma has in total, we just add the apples and oranges together. So, Emma has 11 apples + 7 oranges = <<11+7=18>>18 fruits in total. #### 18"}
{"text": "The bakery sold cupcakes in dozens and each dozen has 12 cupcakes. So, when they sold 8 dozens, they actually sold 8*12 = <<8*12=96>>96 cupcakes. Each cupcake was sold for $3. So, if you want to find out how much money they made, you multiply the total number of cupcakes, which is 96, by the price of each cupcake, which is $3. Doing the multiplication, 96*3 = <<96*3=288>>288, we find out that they made $288 from selling all those cupcakes. #### 288"}
{"text": "You have a bag of oranges that weighs 15 pounds. Each orange weighs 0.5 pounds. You want to know how many oranges are inside the bag. What you need to do is to divide the total weight of the bag by the weight of one orange. So, you divide 15 pounds by 0.5 pounds: <<15/0.5=30>>30. That means there are 30 oranges in the bag. #### 30"}
{"text": "Let's try to find the area of a rectangle. We know the rectangle's length is twice as long as its width and that all the sides together add up to 36 cm. We're going to call the width 'w' and the length, which is twice the width, '2w'. The total of all the sides (which is the perimeter) is 2 times the length plus 2 times the width. So we write 36 = 2*2w + 2w. That simplifies to 36 = 4w + 2w, which further simplifies to 36 = <<4*6=24>>6w. If we solve 36 = 6w for 'w', we find that w = 36 / 6 = <<36/6=6>>6 cm, which is the width of the rectangle. Since the length is twice the width, the length is 2*6 = <<2*6=12>>12 cm. The area of a rectangle is found by multiplying the length and the width together. So, we substitute our length and width into that formula and get A = 12*6 = <<12*6=72>>72 cm². That's the area of our rectangle. #### 72"}
{"text": "Each chocolate is wrapped in a square piece of foil that's 3 cm on each side. So, the area of each square of foil is 3 cm * 3 cm = <<3*3=9>>9 square cm. There are 18 chocolates in the box, so you need 18 * 9 square cm = <<18*9=162>>162 square cm of foil to wrap all the chocolates. #### 162"}
{"text": "In a class of 25 students, each student needs 4 notebooks. To figure out how many notebooks are needed for the whole class, we just need to multiply the number of students by the number of notebooks each student needs. So the calculation is: <<25*4=100>>100 notebooks. That's how many notebooks are needed for all the students. #### 100"}
{"text": "In a park, there are 10 dogs. Each dog has 4 legs. To find out how many legs are there in total, we simply multiply the number of dogs by the number of legs each dog has. So it's like this, 10 (the total dogs) times 4 (the legs per dog) which gives us <<10*4=40>>40 total dog legs. #### 40"}
{"text": "A juice carton holds 2 liters of juice and each glass can hold 250 milliliters. How many glasses can we fill with one carton of juice? First, we need to change liters to milliliters. We know that 1 liter equals 1000 milliliters, so 2 liters equals <<2*1000=2000>>2000 milliliters. Then, we divide the total milliliters in the carton by the amount one glass can hold. So, 2000 milliliters divided by 250 milliliters/glass equals <<2000/250=8>>8 glasses. #### 8"}
{"text": "A zoo starts with 30 kangaroos and 20 koalas. Then they send 5 kangaroos to another zoo but get 10 new koalas. How many animals are at the zoo now? At first, the zoo has 30 kangaroos + 20 koalas = <<30+20=50>>50 animals. After sending away 5 kangaroos, they are left with 30 kangaroos - 5 kangaroos = <<30-5=25>>25 kangaroos. When the new koalas arrive, they have 20 koalas + 10 koalas = <<20+10=30>>30 koalas. Now, the zoo has 25 kangaroos + 30 koalas = <<25+30=55>>55 animals. #### 55"}
{"text": "Lucy starts with 20 marbles. Then, she gives 5 to her friend, leaving her with 20 - 5 = <<20-5=15>>15 marbles. After that, she buys 3 more at the store, increasing her total to 15 + 3 = <<15+3=18>>18 marbles. Unfortunately, she loses 2, which leaves her with 18 - 2 = <<18-2=16>>16 marbles. So, after giving some marbles to her friend, buying some more, and losing a couple, Lucy has 16 marbles left. #### 16"}
{"text": "Brian's sister is 20 years old but his brother is 4 years older so he is 20 + 4 = <<20+4=24>>24 years old. Brian is 6 years older than his brother so he is 24 + 6 = <<24+6=30>>30 years old. The difference between Brian and his sister's age is 30 (Brian's age) - 20 (sister's age) = <<30-20=10>>10 years. #### 10"}
{"text": "The pizza shop sells slices for $2 each. Sally buys 3 slices and Bob buys 5 slices. How much did they spend on pizza together? First, let's find out how much Sally spent: each slice costs $2 and she bought 3 so that's 2*3 = <<2*3=6>>6 dollars. Then let's see how much Bob spent: his slices also cost $2 each and he bought 5 so that's 2*5 = <<2*5=10>>10 dollars. Sally spent $6 and Bob spent $10 so together they spent 6 + 10 = <<6+10=16>>16 dollars. #### 16"}
{"text": "A family eats 3 oranges a day from a bag containing 12 oranges. To find out how many days the oranges will last, we need to divide the total number of oranges by the amount the family eat each day. So, it's 12 oranges divided by 3 oranges per day, giving us 12 ÷ 3 = <<12/3=4>>4 days. So, the bag of oranges will last for 4 days. #### 4"}
{"text": "Gary has 50 coins that are either nickels, dimes, or quarters. The total value of these coins is $8.75. We need to find out how many of these coins are quarters. We start by understanding that the total number of coins is 50, so we have <<N+D+Q=50>>N + D + Q = 50. The total value of the coins is $8.75, so we have <<0.05N+0.1D+0.25Q=8.75>>0.05N + 0.1D + 0.25Q = 8.75. We multiply the second equation by 100 to get rid of the decimals and get <<5N+10D+25Q=875>>5N + 10D + 25Q = 875. We also multiply the first equation by 5 and get <<5N+5D+5Q=250>>5N + 5D + 5Q = 250. We subtract the fourth equation from the third to get <<5D+20Q=625>>5D + 20Q = 625. Simplifying further, we get <<D+4Q=125>>D + 4Q = 125. We then try to find a value for Q that is a multiple of 5 and does not make D or N negative. Trying Q = 5, 10, 15, 20 does not work. But when we try Q = 25, we find that D = 25 and N = 0. So, Gary has 25 quarters. #### 25"}
{"text": "John bought 3 bags of candies from a candy shop. Each bag costs $5 and he paid with a $20 bill. How much change did he get back? First, let's find out how much all the candies cost by multiplying the number of bags by the price of each bag. So, it's 3 bags times $5 which equals <<3*5=15>>$15. Now, to find out how much change John got back, we subtract the cost of the candies from the $20 bill he paid with. So, $20 minus $15 equals <<20-15=5>>$5. #### 5"}
{"text": "Joe is in a race and he runs at a speed of 8 km/h. The race is 32 km long. We need to find out how long it takes for Joe to finish the race. We know that time is equal to distance divided by speed. So, we take the total distance of the race, which is 32 km, and divide it by Joe's speed, which is 8 km/h to get the time. This is done as follows: Time = 32 km / 8 km/h = <<32/8=4>>4 hours. This means that it will take Joe 4 hours to finish the race. #### 4"}
{"text": "The train is going 60 miles in one hour and it needs to travel 240 miles total. To figure out how many hours it takes, you divide the total miles by the speed. So, the division you need to do is 240 miles divided by 60 miles per hour which is <<240/60=4>>4 hours. The train will take 4 hours to reach its destination. #### 4"}
{"text": "Renting a car costs $20 each day. If someone rents the car for a whole week, which is 7 days, we need to find out how much they have to pay in total. This is easy! We just have to multiply the daily cost, which is $20, by the number of days, which is 7. So, the total cost is $20 * 7 = <<20*7=140>>140 dollars. That's how much they need to pay! #### 140"}
{"text": "The baker makes 100 cookies and sells 25% of them on the first day. So he sells 100*25/100 = <<100*25/100=25>>25 cookies. After the first day, he has 100 - 25 = <<100-25=75>>75 cookies left. On the second day, he sells 50% of the remaining cookies. So he sells 75*50/100 = <<75*50/100=37.5>>37.5 cookies. But he can't sell half a cookie, so it's rounded up to 38. After the second day, he has 75 - 38 = <<75-38=37>>37 cookies left. #### 37"}
{"text": "The basketball player makes 60% of his free throws and tries 50 times. To find out how many free throws he will make, we multiply his success rate (60% or 0.60) by the total number of tries (50). So, the number of successful free throws is 0.60 * 50 = <<0.60*50=30>>30. Therefore, the basketball player will make 30 free throws. #### 30"}
{"text": "Mike works 5 days every week and earns $200 each day. So, how much does Mike earn in a week? First, we know that Mike earns $200 every day. He works 5 days every week. So, we just need to multiply these two numbers together to find out how much he earns in a week. So, $200 per day times 5 days per week is $<<200*5=1000>>1000. Therefore, Mike makes $1000 in a week. #### 1000"}
{"text": "The football team scored 5 touchdowns, 3 field goals, and 2 safeties. Touchdowns are worth 6 points each, field goals are worth 3 points each, and safeties are worth 2 points each. Let's figure out the total score. First, let's calculate the points from touchdowns: 5 touchdowns times 6 points each gives us 5 * 6 = <<5*6=30>>30 points. For field goals, they made 3 field goals, with each one being 3 points, so that's 3 * 3 = <<3*3=9>>9 points. For safeties, they scored 2, and each one is 2 points, so that's 2 * 2 = <<2*2=4>>4 points. Now, add up all those points: 30 (from touchdowns) + 9 (from field goals) + 4 (from safeties) = <<30+9+4=43>>43 points. And that's the team's total score! #### 43"}
{"text": "The teacher has 45 students and wants to split them into groups of 5 for a project. To find out how many groups there will be, we need to divide the total number of students by the number of students in each group. So, we do 45 divided by 5 which equals <<45/5=9>>9. Therefore, the teacher can make 9 groups of 5 students each for the project. #### 9"}
{"text": "In the garden, there are 4 rows of flowers and each row has 20 flowers. To find out how many flowers are in the whole garden, we just need to multiply the number of rows by the number of flowers in each row. So we do 4 * 20 = <<4*20=80>>80. That means there are 80 flowers in the garden. #### 80"}
{"text": "Selena baked 24 cupcakes for a party. She wants to share them equally with her 6 friends. To find out how many cupcakes each friend gets, we divide the total cupcakes by the total number of friends. So, 24 cupcakes ÷ 6 friends = <<24/6=4>>4 cupcakes. Each friend gets 4 cupcakes. #### 4"}
{"text": "The garden has 8 rows of flowers and in each row, there are 15 flowers. So, to find out how many flowers are in the garden, we multiply the number of rows by the number of flowers in each row. That's like saying 8 rows times 15 flowers in each row which gives us 8*15 = <<8*15=120>>120 flowers. So, there are 120 flowers in total in the garden. #### 120"}
{"text": "Charlie reads a lot, exactly 30 pages of a book each day. So, how many pages will he finish reading in a week? Well, we know there are 7 days in a week. If Charlie reads 30 pages each day for 7 days, we can simply multiply the number of pages he reads in a day by the number of days in a week. Let's do that: <<30*7=210>>210 pages. So, Charlie will read 210 pages in a week. #### 210"}
{"text": "The car can travel 500 miles when the tank is full. But now, it only has a quarter of a tank left. To find out how many miles the car can travel before it runs out of gas, we just need to divide the total miles it can travel on a full tank, which is 500 miles, by 4 (because a quarter is the same as 1/4). So, doing the math, 500 miles divided by 4 equals <<500/4=125>>125 miles. This means, the car can travel 125 miles with the quarter tank it has left. #### 125"}
{"text": "John and Sarah had a fun day at the amusement park. John went on the Ferris wheel 3 times and Sarah went on it 2 times. They each went on the carousel 4 times. Each ride cost them 5 tickets. How many tickets did they use for the whole day? First, let's find out how many times they rode in total. John rode the Ferris wheel and carousel for a total of 3 (ferris wheel rides) + 4 (carousel rides) = <<3+4=7>>7 times. Sarah rode the Ferris wheel and carousel for a total of 2 (ferris wheel rides) + 4 (carousel rides) = <<2+4=6>>6 times. So together, they rode a total of 7 (John's total rides) + 6 (Sarah's total rides) = <<7+6=13>>13 times. We know that each ride cost 5 tickets. So, to find out how many tickets they used, we multiply the total number of rides by the cost of each ride. So, they used a total of 13 rides * 5 tickets/ride = <<13*5=65>>65 tickets. #### 65"}
{"text": "The bookstore has 40 Mystery books, 55 Science Fiction books, and 60 Fantasy books. 20 Mystery books are hardcover, and 30 Science Fiction books are paperback. Let's find out how many more Fantasy books there are than hardcover Mystery books. We start with the total number of Fantasy books, which is 60, and subtract the number of hardcover Mystery books, which is 20. So, if we do 60 (total Fantasy books) - 20 (hardcover Mystery books), we get <<60-20=40>>40. Therefore, there are 40 more Fantasy books than hardcover Mystery books. #### 40"}
{"text": "The car can travel 100 miles with 5 gallons of gas. So, to find out how many miles it can go with one gallon, we need to divide the miles by the gallons. That's 100 divided by 5, or <<100/5=20>>20 miles per gallon. Now, if we want to know how far the car can go with 15 gallons, we multiply the miles per gallon by the number of gallons. That's 20 miles per gallon times 15 gallons equals <<20*15=300>>300 miles. #### 300"}
{"text": "Luke starts with 10 marbles. He gives 2 to Mark which leaves him with 10 - 2 = <<10-2=8>>8 marbles. Luke then loses 1 marble while playing, so that's 8 - 1 = <<8-1=7>>7 marbles left. Later, his grandmother gives him 4 more marbles, so now he has 7 + 4 = <<7+4=11>>11 marbles. So, in the end, Luke has 11 marbles. #### 11"}
{"text": "A farmer has 50 chickens and each chicken lays 2 eggs per day. We need to find out how many eggs the farmer will get in one week. First, we find out how many eggs 50 chickens lay in a day by multiplying the number of chickens (50) by the number of eggs each chicken lays in a day (2). This gives us 50 * 2 = <<50*2=100>>100 eggs a day. Then, to find out how many eggs 50 chickens lay in a week, we multiply the number of eggs they lay in a day (100) by the number of days in a week (7). This gives us 100 * 7 = <<100*7=700>>700 eggs a week. So, the farmer will get 700 eggs after a week. #### 700"}
{"text": "The toy store started with 40 dolls, 30 toy cars, and 50 action figures, which makes: 40 dolls + 30 toy cars + 50 action figures = <<40+30+50=120>>120 toys in total. Then the store sold some toys: 10 dolls and 15 toy cars, which is 10 dolls + 15 toy cars = <<10+15=25>>25 toys. The total number of toys the store now has is the original 120 toys minus the 25 toys that were sold. So the store now has 120 toys - 25 toys = <<120-25=95>>95 toys. #### 95"}
{"text": "In a pet store, a cat costs double what a dog costs. A bird costs $150 less than the dog. If the dog costs $300, what's the total price for a dog, a cat, and a bird together? The price of the cat is twice as much as the dog, so that makes it 2 * $300 = <<2*300=600>>$600 for the cat. The bird costs $150 less than the dog, so it's $300 - $150 = <<300-150=150>>$150 for the bird. To find the total price of a dog, a cat, and a bird, we just add them all up, so it's $300 (for the dog) + $600 (for the cat) + $150 (for the bird) = <<300+600+150=1050>>$1050. #### 1050"}
{"text": "For the school trip, there are 4 buses and each bus can hold 50 students. We find out how many students all buses can carry by multiplying the number of buses by the number of students each bus can hold. So, we do <<4*50=200>>200 students can be carried by all the buses. The school has 180 students going on the trip. Each bus can hold 50 students, so we find out how many buses are needed by dividing the total number of students by the number of students a bus can hold. Doing <<180/50=3.6>>3.6 gives us the answer. But buses can't be divided, so we have to round down to 3. So, 3 buses will be filled to capacity. #### 3"}
{"text": "Jenny starts with $5. She buys a toy car for $2, which leaves her with 5 - 2 = <<5-2=3>>3 dollars. Then, she buys a candy for $1, leaving her with 3 - 1 = <<3-1=2>>2 dollars. So, Jenny now has 2 dollars left. #### 2"}
{"text": "In a basketball game, team A scores 95 points and team B scores 87 points. Let's figure out how many more points team A scored than team B. First, we note that team A scored 95 points and team B scored 87 points. Now, we take the points of team A and subtract the points of team B. So, it's 95 (points of team A) - 87 (points of team B) = <<95-87=8>>8. Therefore, team A scored 8 more points than team B. #### 8"}
{"text": "Sarah had a packet of cookies with 12 pieces. She ate 3 cookies and gave 4 to her friend. Let's find out how many cookies are left. First, we need to know how many cookies Sarah removed from the packet. She ate 3 and gave away 4, so she removed 3 + 4 = <<3+4=7>>7 cookies. Now, let's find out how many cookies are left. We started with 12 cookies and she removed 7, so we have 12 - 7 = <<12-7=5>>5 cookies left. #### 5"}
{"text": "In a soccer league with 10 teams, each team plays each other team twice. So, how many games do they all play in total? Each team gets to play the other 9 teams, and since they play two times, they play 9*2 = <<9*2=18>>18 games each. You might think that since there are 10 teams and each team plays 18 games, the total games would be 10*18 = <<10*18=180>>180 games. But, when team A plays team B, it's the same as team B playing team A, so each game gets counted two times in our calculation. We need to divide our total by 2 to get the correct number of games. So, the actual number of games is 180 games / 2 = <<180/2=90>>90 games. So, in total, 90 games are played in the soccer league. #### 90"}
{"text": "The truck can carry a total of 200 pounds but it itself weighs 100 pounds. This means the truck can only carry an extra 200 - 100 = <<200-100=100>>100 pounds. Each watermelon weighs 8 pounds, so we figure out how many the truck can carry by doing 100 / 8 = <<100/8=12.5>>12.5 watermelons. But a truck can't carry half a watermelon, so we round down to say the truck can carry 12 watermelons. #### 12"}
{"text": "If a car moves at a speed of 60 miles every hour, we want to figure out how far it can go in 5.5 hours. To find out, we need to multiply the speed of the car by the amount of time it's moving. So, we do 60 miles/hour x 5.5 hours = <<60*5.5=330>>330 miles. This means if the car goes 60 miles an hour, it can travel 330 miles in 5.5 hours. #### 330"}
{"text": "You need to find the area of a rectangular garden that is 20 feet wide and 30 feet long. The area of a rectangle is found by multiplying the length by the width. So, you just need to multiply 30 feet (the length) by 20 feet (the width). That means the area is 30 feet times 20 feet which equals <<30*20=600>>600 square feet. So, the garden has 600 square feet of space. #### 600"}
{"text": "Andy loves comic books. He has 2 Superman comics, 5 Batman comics, 3 Spider-Man comics, and 4 Wonder Woman comics. That's a total of 2 + 5 + 3 + 4 = <<2+5+3+4=14>>14 comics. He wants to give half of his comics to his best friend, so each friend should get 14 / 2 = <<14/2=7>>7 comics. But wait, all his comic collections are even numbers while 7 is an odd number, so he can't split them equally. He needs to add 1 more comic book, any comic book will do. So, Andy needs 1 more comic book to divide his collection equally. Remember, this will mean he has to split up his comic sets. If Andy doesn't want to break up his comic sets, then it's impossible to divide his comic books equally with his current collection. #### 1"}
{"text": "Sophie has 8 apples. After eating 2, she has 8 - 2 = <<8-2=6>>6 apples. She eats another one making it 6 - 1 = <<6-1=5>>5 apples. William has 3 times of Sophie's apples, which is 3 * 8 = <<3*8=24>>24 apples. When he eats 2, he has 24 - 2 = <<24-2=22>>22 apples. So together, they have Sophie's 5 apples and William's 22 apples, adding up to 5 + 22 = <<5+22=27>>27 apples. #### 27."}
{"text": "Rob has 15 Batman comics, 10 Spiderman comics, and 25 Superman comics. If he sells 5 Superman comics and buys 7 Batman comics, what's the chance that a randomly picked comic will be a Batman comic? Rob originally has 15 (Batman) + 10 (Spiderman) + 25 (Superman) = <<15+10+25=50>>50 comics. Then he sells 5 Superman comics and buys 7 Batman comics so now he has 22 Batman comics and 20 Superman comics. That's 22 (Batman) + 10 (Spiderman) + 20 (Superman) = <<22+10+20=52>>52 comics. To find the chance that a randomly picked comic will be Batman, take the number of Batman comics and divide it by the total number of comics, then multiply it by 100 to get the percentage. It's (22 (Batman) / 52 (total)) * 100 = <<(22/52)*100=42.30769230769231>>42.3% chance. But the question asks for the answer to be rounded to the nearest integer, so the final answer is 42%. #### 42"}
{"text": "Tom answered 80% of his math test correctly, and the test had 25 questions. So, how many questions did he get right? First, 80% turns into 0.80 when we make it a decimal. Second, multiply the total number of questions (25) by 0.80. So, 25 * 0.80 equals <<25*0.80=20>>20. That means Tom answered 20 questions correctly. #### 20"}
{"text": "Jack buys 4 boxes of pencils, and each box costs $3. This means he spends 4 boxes * $3/box = <<4*3=12>>12 on pencils. Each box has 12 pencils, so since he bought 4 boxes, this means he has 4 boxes * 12 pencils/box = <<4*12=48>>48 pencils in total. He sells each of these pencils for $0.5, so he earns 48 pencils * $0.5/pencil = <<48*0.5=24>>24 by selling all his pencils. To find out how much money he makes in total, just subtract the cost of the pencils from the amount he makes selling them. So, Jack's total is $24 - $12 = <<24-12=12>>12. #### 12."}
{"text": "Marta bought a dress on sale with a 25% discount. The original price of the dress was $80. Let's figure out how much Marta paid for the dress. First, we find out how much the discount is. We get that by calculating 25% of $80, which is $80 * 25/100 = <<80*0.25=20>>20 dollars. That's the discount. To find out the sale price of the dress, we subtract the discount from the original price. So, $80 - $20 = <<80-20=60>>60 dollars. That's how much Marta paid for the dress. #### 60"}
{"text": "In the bag of 24 candies, there are 4 red candies for every 8 yellow candies. We can think of these as 'parts' of candies: 4 parts red and 8 parts yellow. So, there are 4 (red) + 8 (yellow) = <<4+8=12>>12 parts in total. Each part contains the same amount of candies, which we find out by dividing the total amount of candies by the total parts. So, 24 (total candies) ÷ 12 (total parts) = <<24/12=2>>2 candies in each part. Since there are 4 parts of red candies, we find out the number of red candies by multiplying the 4 parts by the number of candies per part. So, 4 (red parts) x 2 (candies per part) = <<4*2=8>>8 red candies. That means, there are 8 red candies in the bag. #### 8"}
{"text": "The bakery bakes 200 cookies each day. If they sell 3 cookies for $2, and they sell all the cookies, how much money do they make in a week? First, we find out how many cookies are sold in a week. Since there are 7 days in a week, the bakery sells 200 * 7 = <<200*7=1400>>1400 cookies in a week. Next, we calculate how much the bakery makes from selling one cookie. Since they sell 3 cookies for $2, one cookie is sold for $2 / 3 = $<<2/3=0.67>>0.67 approximately. Finally, we find out how much the bakery makes in a week. Since they sell 1400 cookies in a week, the bakery makes 1400 * $0.67 = $<<1400*0.67=938>>938 in a week. So, if the bakery sells all the cookies, they make $938 in a week. #### 938"}
{"text": "In the school, there are 240 students and 60% of them are boys. Let's find out how many girls are there by first finding out how many boys there are. We know that 60% of the students are boys so we calculate 60/100 * 240 = <<60/100*240=144>>144 boys. Now, to find out the number of girls, we subtract the number of boys from the total number of students. So we do 240 - 144 = <<240-144=96>>96. That means there are 96 girls in the school. #### 96."}
{"text": "The garden is shaped like a rectangle. The long side is twice as long as the short side. If you walked all the way around the garden, you would walk 36 meters. So what's the total space inside the garden? We call this the area. Let's call the short side of the garden x meters. Because the long side is twice as long, it's 2x meters. To find the total distance around the garden (the perimeter), we add the length and the width and then double it, like this: <<2*(2x + x)=36>>2*(2x + x) = 36. Now let's solve it. This makes <<4*x + 2*x=36>>4x + 2x = 36. So, <<6*x=36>>6x = 36. If we divide both sides by 6 we get <<x=36/6>>x = 6. That's the short side. The long side is twice as long, so it's <<2*6=12>>12 meters. Now to find the area of the garden, we multiply the length by the width like this: <<12*6=72>>12*6 = 72. So the area of the garden is 72 square meters. #### 72"}
{"text": "The bakery makes 100 cupcakes every day. Some are chocolate, some are vanilla, and the rest are red velvet. We need to find out how many red velvet cupcakes are made each day. First, let's calculate the chocolate cupcakes: 30% of 100 cupcakes is <<30/100*100=30>>30 cupcakes. Then, let's calculate the vanilla cupcakes: 40% of 100 cupcakes is <<40/100*100=40>>40 cupcakes. Now if we add the chocolate and vanilla cupcakes together, we get <<30+40=70>>70 cupcakes. But we know the bakery makes 100 cupcakes in total, so to find out how many red velvet cupcakes are made, we subtract the chocolate and vanilla cupcakes from the total. So, 100 - 70 = <<100-70=30>>30. That means there are 30 red velvet cupcakes made each day. #### 30"}
{"text": "Liam has 4 baskets and each one is filled with 15 apples. So, Liam has 4 * 15 = <<4*15=60>>60 apples in total. Now, half of these apples are green and the other half are red. This means Liam has 60 / 2 = <<60/2=30>>30 red apples. #### 30"}
{"text": "We're painting a room with walls that are 15 feet by 20 feet. Let's see how many gallons of paint we need. First, we calculate the area of the walls. We have two walls that are 15 feet by 20 feet, which is 15*20=<<15*20=300>>300 square feet for each wall. Since there are two walls, that's 300*2=<<300*2=600>>600 square feet. The other two walls are 15 feet by 15 feet, which is 15*15=<<15*15=225>>225 square feet for each wall. Again, there are two walls so that's 225*2=<<225*2=450>>450 square feet. So, the total square footage of all the walls is 600+450=<<600+450=1050>>1050 square feet. Each gallon of paint covers 400 square feet. So, we divide the total square footage by the coverage of one gallon to find out how many gallons we need. That's 1050/400=<<1050/400=2.625>>2.625 gallons. But we can't buy a fraction of a gallon, so we round up to the nearest whole number. We need 3 gallons of paint to paint all four walls of the room. #### 3"}
{"text": "Sandra has a book to read that's 350 pages long. Each day, she reads 50 pages. To find out how many days she'll need to finish the book, we just divide the total pages by the pages she reads each day. So, <<350/50=7>>7 days. That's how long it'll take for Sandra to finish reading the book. #### 7"}
{"text": "Susie uses 2 cups of flour to bake 3 cookies. Now, she wants to bake 12 cookies. To find out how much flour she will need, first we need to figure out how many batches of cookies she can make. As each batch makes 3 cookies, Susie can make 12 divided by 3 which is <<12/3=4>>4 batches. Now, since each batch of cookies needs 2 cups of flour, we multiply the number of batches (4) by the amount of flour needed per batch (2 cups). The result is 4 times 2 which equals <<4*2=8>>8 cups. So, Susie will need 8 cups of flour to bake 12 cookies. #### 8"}
{"text": "Suzie has 8 friends and she wants to give each of them 5 cookies. To find out how many cookies she needs, we simply multiply the number of friends by the number of cookies each friend gets. So, the calculation is 8 friends times 5 cookies which equals <<8*5=40>>40 cookies. So Suzie needs 40 cookies in total. #### 40"}
{"text": "Matthew is taller than his brother. He's 1.5 times taller than his brother and he's 6 feet tall. To find out how tall his brother is, divide Matthew's height, 6 feet, by 1.5. The equation is 6 ÷ 1.5 = <<6/1.5=4>>4. So, Matthew's brother is 4 feet tall. #### 4"}
{"text": "The train covers a distance of 220 miles in 4 hours. If we want to find out the train's average speed per hour, we just divide the total distance by the total time. So, we do 220 miles divided by 4 hours which gives us <<220/4=55>>55 miles per hour. So, the train's average speed is 55 miles per hour. #### 55"}
{"text": "John needs 2 hours to mow one lawn and he mows 3 lawns every day. How much time does he spend mowing in a week? First, find out how much time John spends mowing per day. He takes 2 hours for one lawn and mows 3 lawns, so he spends 2 hours/lawn * 3 lawns = <<2*3=6>>6 hours each day. Now, let's find out how much time he spends in a week. There are seven days in a week and he spends 6 hours each day, so he spends 6 hours/day * 7 days = <<6*7=42>>42 hours in a week. So, John spends 42 hours mowing lawns each week. #### 42"}
{"text": "In a party with 50 guests, 70% are grown-ups and the rest are kids. How many kids came to the party? First, let's figure out how many adults are there. We can do this by multiplying the total number of guests, 50, by 70%, so 50 * 70% = <<50*70*.01=35>>35 adults. Now, let's see how many are kids. We just take the total number of guests, 50, and take away the number of adults, which is 35. So, 50 - 35 = <<50-35=15>>15 kids. #### 15"}
{"text": "The pizza shop sold 200 pizzas and 40% of them were pepperoni. To find out how many pepperoni pizzas they sold, we need to take 40% of 200. We do this by multiplying 200 by 0.40 (because 40% as a decimal is 0.40). So, 200 * 0.40 = <<200*0.40=80>>80. That means the pizza shop sold 80 pepperoni pizzas. #### 80"}
{"text": "Maddie spends part of her $500 monthly budget on rent, food, and transportation. Let's figure out how much she spends on each. She spends 30% on rent which is 0.30 * 500 = <<0.30*500=150>>$150. She spends 20% on food which is 0.20 * 500 = <<0.20*500=100>>$100. She spends 15% on transportation which is 0.15 * 500 = <<0.15*500=75>>$75. If we add up what she spends on rent, food, and transportation, we get $150 + $100 + $75 = <<150+100+75=325>>$325. Now, to find out how much Maddie uses for other things, we subtract what she spends on rent, food, and transportation from her total budget. So, $500 - $325 = <<500-325=175>>$175. That means Maddie uses $175 on different things every month. #### 175"}
{"text": "In a park, for every 3 dogs, there are 5 cats. If 15 cats are playing in the park, how many dogs are there? We know the cat to dog ratio is 5:3. For every 5 cats, there are 3 dogs. So, if there are 15 cats, we first divide 15 by the cat ratio (5). This gives us 15 / 5 = <<15/5=3>>3. This number is then multiplied by the dog ratio (3) to get the number of dogs. So, 3 * 3 = <<3*3=9>>9. Therefore, there are 9 dogs in the park. #### 9"}
{"text": "Carla bought a laptop for $1,000. The laptop's value went down by 15% after one year. How much is the laptop worth after one year? First, let's figure out how much value the laptop lost. We do this by multiplying the original price of the laptop by 15%. So, $1,000 times 0.15 (which is the same as 15%) equals <<1000*0.15=150>>$150. This is how much value the laptop lost. Now, we need to subtract this amount from the original price to find out what the laptop is worth now. So, $1,000 minus $150 equals <<1000-150=850>>$850. This is the current value of Carla's laptop. #### 850"}
{"text": "Bella has been putting away $25 every week for 10 weeks. That means she saved up $25 x 10 = $<<25*10=250>>250 in all. She then bought a new pair of shoes with half of her savings. So, she spent $250 / 2 = $<<250/2=125>>125 on her shoes. After buying her shoes, Bella has $250 - $125 = $<<250-125=125>>125 left. #### 125"}
{"text": "Lucy wants to buy 4 dozens of eggs from a grocery store. Each dozen costs $3. To find out how much she will pay, we need to multiply the price of a dozen eggs by the number of dozens Lucy is buying. So it's $3 (the cost of a dozen eggs) times 4 (the number of dozens she is buying). So, <<3*4=12>>12 dollars is what Lucy will pay for the eggs. #### 12"}
{"text": "Emma is busy for a few hours each day. She sleeps for 8 hours, spends 3 hours on homework, and 2 hours playing sports. How much free time does Emma have each day? First, we need to find out how much time Emma is busy. So, we add her sleeping time, homework time, and sports time together: 8 (for sleeping) + 3 (for homework) + 2 (for sports) = <<8+3+2=13>>13 hours. Now, to find out how much free time she has, we subtract the time she is busy from the total hours in a day. So, 24 (total hours in a day) - 13 (hours Emma is busy) = <<24-13=11>>11 hours. So, Emma has 11 hours of free time each day. #### 11"}
{"text": "Mason and Lily are given the same amount of money. Mason uses his money to buy a toy car and a puzzle. The toy car costs $15 and the puzzle costs $8. So, Mason spent all his money which totals to $15 + $8 = $<<15+8=23>>23. Lily, on the other hand, bought a doll for $12. She wants to buy a coloring book too but she can't because she doesn't have enough money. The coloring book costs $10. If she had enough money, she would have spent $12 (doll) + $10 (book) = $<<12+10=22>>22. But she doesn't have $22, she only has the same amount Mason spent. So, their grandmother gave each of them $23. #### 23"}
{"text": "The students collected 300 cans. Each box can fit 25 cans inside. To figure out how many boxes they need, you just need to divide the total number of cans by how many each box can hold. So, it's 300 (the total cans) divided by 25 (the number of cans each box can hold), which is 300 ÷ 25 = <<300/25=12>>12. They need 12 boxes to pack all the cans. #### 12"}
{"text": "A printer can print 250 pages every day and it works for 8 hours each day. We want to know how many pages it can print in one week. We know that a week has 7 days, from Monday to Sunday. To find the total pages it can print in a week, we simply multiply the pages it can print in a day by the number of days in a week. So, 250 pages per day times 7 days equals to <<250*7=1750>>1750 pages a week. That's a lot of pages! #### 1750"}
{"text": "The teacher has 24 students and wants to make groups of 4. To find out how many groups the teacher can make, we divide the total number of students by the number of students in each group. So, 24 (total students) divided by 4 (students per group) equals <<24/4=6>>6. So, the teacher can make 6 groups of 4 students each. #### 6"}
{"text": "If one week has 7 days, then to know how many days are in 5 weeks, we'll multiply the number of days in one week by 5. That's 7 days/week * 5 weeks = <<7*5=35>>35 days. So, there are 35 days in 5 weeks. #### 35"}
{"text": "The car can travel 60 miles in just an hour. It needs to travel way further, 420 miles, and we want to know the time it will take. We know that the time it will take is found by dividing the total distance by the car's speed. So the time is 420 miles / 60 miles per hour. We calculate this as 420 ÷ 60 = <<420/60=7>>7 hours. So, it will take 7 hours for the car to travel 420 miles. #### 7"}
{"text": "Let's find out how many red marbles are there in a bag that contains 50 marbles, with 12 of them being blue. Since 12 marbles are blue, we subtract 12 from 50 to get the number of red marbles, which would be 50 - 12 = <<50-12=38>>38. So, 38 out of 50 marbles are red. Now, to calculate what percentage of the marbles are red, we simply divide the number of red marbles by the total number of marbles and multiply the result by 100. The calculation is (38 / 50) * 100% = <<(38/50)*100=76>>76%. So, 76% of the marbles are red. #### 76"}
{"text": "We have 40 students going on a field trip and each bus can take 20 students. To find out how many buses we need, we divide the total number of students by the number of students each bus can carry. So, we do <<40/20=2>>2. So, we need 2 buses for all 40 students. #### 2"}
{"text": "Linda wants to make a garden that is 15 feet long and 12 feet wide. She needs to know how many feet of fencing she will need to go around the whole garden. To find this, we add the length and the width of the garden: 15 feet + 12 feet = <<15+12=27>>27 feet. But we have two sides of the same lengths and widths, so we need to multiply this by 2: 2 * 27 feet = <<2*27=54>>54 feet. So, Linda will need 54 feet of fencing to surround her garden. #### 54."}
{"text": "James has a 240-page book to read for his book report. He can read 30 pages per day. We want to know how many days it will take him to finish. We figure this out by dividing the total number of pages by the number of pages he can read in a day. So, we calculate 240 pages ÷ 30 pages per day which equals to <<240/30=8>>8 days. #### 8"}
{"text": "The train goes really fast at 80 miles per hour. It keeps going for 2.5 hours non-stop. We want to know how far the train can go during this time. We can find out by multiplying the speed of the train by the time it travels. So, it's 80 miles/hour * 2.5 hours = <<80*2.5=200>>200 miles. So, the train can zoom all the way to 200 miles in 2.5 hours. #### 200"}
{"text": "The swimming pool is shaped like a rectangle, and to find the area of a rectangle, we need to multiply how long it is and how wide it is. The pool is 25 feet long and 15 feet wide. So, we just need to multiply these two numbers together. Like this: Area = 25 feet x 15 feet = <<25*15=375>>375 square feet. So, the swimming pool is 375 square feet big. #### 375"}
{"text": "We have a box that can hold 20 marbles. We also have 500 marbles that need to be put into boxes. To find out how many boxes we need, we can divide the total number of marbles by how many each box can hold. So we do 500 divided by 20 which gives us <<500/20=25>>25 boxes. #### 25"}
{"text": "Jason has 5 toy cars and each one has 4 wheels. To find out how many wheels there are in total, we simply multiply the number of cars by the number of wheels each car has. So, 5 toy cars times 4 wheels equals <<5*4=20>>20 wheels in total. #### 20"}
{"text": "A pizza is cut into 8 slices and a person eats 1/4 of it. To find out how many slices the person ate, we multiply the total number of slices by the fraction of the pizza the person eats. So, we do 8 (total slices) x 1/4 (fraction eaten) = <<8*1/4=2>>2. Therefore, the person ate 2 slices of the pizza. #### 2"}
{"text": "We want to know how many minutes are in 3 hours. We know that each hour has 60 minutes. So, to find out how many minutes are in 3 hours, we just have to multiply the number of hours, which is 3, by the number of minutes in one hour, which is 60. So the math is <<3*60=180>>180 minutes. #### 180"}
{"text": "The machine makes 500 toys every hour and works for 8 hours a day. That means it makes 500 toys/hour * 8 hours/day = <<500*8=4000>>4000 toys every day. The machine works for 7 days a week, so in a week, it makes 4000 toys/day * 7 days/week = <<4000*7=28000>>28000 toys. So, in a week, the machine can make 28000 toys. #### 28000"}
{"text": "The rectangle has a length of 10 meters and a width of 5 meters. To find the perimeter, you need to add the length and the width together, then double it. So, you'll do 10 + 5 = <<10+5=15>>15. Then, double the result by doing 2 x 15 = <<2*15=30>>30. So, the perimeter of the rectangle is 30 meters. #### 30"}
{"text": "There are 20 books and each box can hold 4 books. To find out how many boxes we need, we divide the total number of books by the number of books each box can hold. So, we do 20 divided by 4 equals <<20/4=5>>5 boxes. #### 5"}
{"text": "The orange tree made 120 oranges. Each bag can hold 15 oranges. To figure out how many bags John needs for all the oranges, we divide the total number of oranges by how many each bag can hold. So, we have <<120/15=8>>8. That's how many bags John needs to carry all the oranges. #### 8"}
{"text": "In a class with 28 students, 16 of them are boys. To find out how many students are girls, we need to subtract the number of boys from the total number of students. So, we calculate 28 (total students) - 16 (boys) = <<28-16=12>>12. So, there are 12 girls in the class. #### 12."}
{"text": "On the table, there are 8 apples in total. Out of these, 3 are green. If we want to find out how many of them are red, we simply subtract the number of green apples from the total number. So we get 8 (which is the total) minus 3 (that are green) and that gives us the number of red apples. So, <<8-3=5>>5 of the apples are red. #### 5"}
{"text": "We know there are 24 hours in a day and 7 days in a week. To find out how many hours are in a week, we can multiply 24 (the hours in a day) by 7 (the days in a week). So, <<24*7=168>>168 hours are in a week. #### 168"}
{"text": "Abby wants to make cupcakes and the recipe she's using needs 3 cups of flour for each batch. She wants to make 4 batches of these cupcakes. To find out how much flour she will need in total, we can multiply the amount of flour used in one batch by the number of batches. So, the total amount of flour needed is 3 cups per batch times 4 batches, which equals <<3*4=12>>12 cups. #### 12"}
{"text": "In a jar with 120 jelly beans, 1/4 are red and 1/3 are blue. We want to find out how many are yellow. To find out how many are red, we multiply 120 by 1/4, which gives us 120 * 1/4 = <<120*1/4=30>>30 red jelly beans. To find out how many are blue, we multiply 120 by 1/3, which gives us 120 * 1/3 = <<120*1/3=40>>40 blue jelly beans. We add together the red and blue jelly beans, and we get 30 red + 40 blue = <<30+40=70>>70 red and blue jelly beans. To find out how many are yellow, we subtract the red and blue jelly beans from the total, and we get 120 total - 70 red and blue = <<120-70=50>>50 yellow jelly beans. #### 50"}
{"text": "The supermarket has 7 aisles and each aisle is 12 feet long. To find out the total length of all the aisles, we need to multiply the number of aisles by the length of each aisle. So, we do 7 (aisles) * 12 (feet per aisle) which equals <<7*12=84>>84 feet. So, all the aisles together are 84 feet long. #### 84"}
{"text": "The cost of a 2-liter bottle of soda is $3. If Peter buys 5 of these, he'll pay 5 times the price of one bottle. So, he'll pay <<3*5=15>>$15. #### 15"}
{"text": "The donkey eats 5 kg of food each day and there are 7 days in a week. To find out how much food the donkey would eat in a week, we simply multiply the amount of food the donkey eats in a day by the number of days in a week which is 5 kg * 7 days = <<5*7=35>>35 kg of food. So, the donkey will eat 35 kg of food in a week. #### 35"}
{"text": "The school has 5 classrooms and each classroom has 32 students. To find out how many students are in the whole school, we just need to multiply the number of classrooms by the number of students in each classroom. So, it's just like saying 5 classrooms times 32 students in each classroom, which is 5 * 32 = <<5*32=160>>160 students. So, there are 160 students in the school. #### 160"}
{"text": "Mary has 15 cookies. Carla has 3 times as many cookies as Mary. To find out how many cookies Carla has, just multiply Mary's cookies by 3. So, 15 cookies times 3 equals <<15*3=45>>45 cookies. So, Carla has 45 cookies. #### 45"}
{"text": "Tommy's toy robot needs 3 batteries to work and Tommy wants to play with it for 5 days. If each set of batteries only last for a day, Tommy will need to know how many batteries he needs in total. To find out, Tommy multiplies the number of batteries the toy robot uses in a day, which is 3, by the number of days he wants to play, which is 5. So, Tommy does <<3*5=15>>15. This means Tommy will need 15 batteries to play with his toy robot for 5 days. #### 15"}
{"text": "Alice baked 60 cookies and she managed to sell 75% of them. To figure out how many cookies she sold, we need to find 75% of 60. We do this by multiplying 60 by 0.75 (because 0.75 is the same as 75%). So, the calculation is <<60 * 0.75=45>>45. That means Alice sold 45 cookies. #### 45"}
{"text": "Mr. Baker started with 4 dozen eggs which is the same as 4*12=<<4*12=48>>48 eggs. He used up 18 of these eggs, so now he has 48-18=<<48-18=30>>30 eggs left. #### 30"}
{"text": "Carla has a book to read for school with 120 pages. She can read 15 pages every hour and she reads for 2 hours every day. We want to know how long it will take her to finish reading the book. First, let's find out how many pages she can read in a day. She reads for 2 hours and manages 15 pages every hour, so in a day she reads 2 * 15 = <<2*15=30>>30 pages. Now, let's find out how many days it will take her to finish the book. The book has 120 pages and she reads 30 pages every day, so to finish the book it will take 120 / 30 = <<120/30=4>>4 days. #### 4"}
{"text": "Ann needs to read a book that has 120 pages for her homework. She can read 20 pages in one hour. To find out how long it will take Ann to finish the book, we divide the total number of pages she needs to read, which is 120, by the number of pages she can read in one hour, which is 20. This means it will take her 120 ÷ 20 = <<120/20=6>>6 hours to finish the book. #### 6"}
{"text": "Frank is a builder who gets $50 for every hour he works. If a job takes him 8 hours to finish, how much will he ask his client to pay? Frank earns $50 each hour and he worked for 8 hours. So, we need to do $50 * 8 to find out how much he will charge. That means $50 * 8 = <<50*8=400>>400. So, Frank will ask his client to pay $400 for the job. #### 400"}
{"text": "George gets 20 pieces of mail every week and he throws away 25% of it because it's junk. To find out how much junk mail George gets, we simply multiply the total mail he gets which is 20 by the percentage of junk mail which is 0.25 (that's the same as 25%). So, we do the math like this: 20 * 0.25 = <<20*0.25=5>>5 pieces of junk mail. So, George gets 5 pieces of junk mail each week. #### 5"}
{"text": "Liam has to write a 2000-word essay and he writes 250 words in one hour. To find out how long it will take him, we need to divide the total words by the number of words he writes in one hour. So, 2000 words divided by 250 words per hour give us the time. That's 2000 ÷ 250 = <<2000/250=8>>8 hours. So, it will take Liam 8 hours to finish his essay. #### 8"}
{"text": "The car uses 2 gallons of gas to go 15 miles. We want to find out how much gas the car will use to go 60 miles. We can start solving this by finding out how much gas the car uses for 1 mile. We do this by dividing the 2 gallons by 15 miles, so 2/15 = <<2/15=0.1333>>0.1333 gallons per mile. Now, we need to find out how much gas the car will use for 60 miles. We do this by multiplying the amount of gas used per mile by 60. So, 0.1333 * 60 = <<0.1333*60=8>>8 gallons. So, the car will use 8 gallons of gas to travel 60 miles. #### 8"}
{"text": "Jenny wants to go on a trip that is 300 miles away. Her car uses 1 gallon of gas to travel 25 miles. Every gallon costs her $3. So how much will she spend on gas for her whole trip? First, let's find out how many gallons of gas she needs for the trip by dividing the total distance by how far her car can go with 1 gallon of gas. This is 300 miles / 25 miles per gallon = <<300/25=12>>12 gallons. Then, we find out how much all that gas will cost by multiplying the number of gallons needed by the price of each gallon. The cost will be 12 gallons * $3 per gallon = <<12*3=36>>36 dollars. So, Jenny will spend $36 on gas for her trip. #### 36"}
{"text": "Hannah has 120 candies and she has 6 friends. She wants to share the candies equally to her friends. To find out how many candies each friend will get, we divide the total number of candies by the number of friends. So, it's 120 candies ÷ 6 friends = <<120/6=20>>20 candies for each friend. #### 20"}
{"text": "The train goes 60 miles in one hour. But it's traveling for 2 hours and 30 minutes, which is the same as 2.5 hours. So, we multiply the train's speed by the time it's traveling which is 60 miles per hour * 2.5 hours = <<60*2.5=150>>150 miles. So, the train will travel 150 miles in 2 hours and 30 minutes. #### 150"}
{"text": "Kylie has a book with 500 pages. She reads 10% of the book every day. Let's find out how many days will it take for Kylie to finish the book? First, we need to find out how many pages Kylie reads each day. If Kylie reads 10% of a 500-page book each day, she reads 10/100 * 500 = <<10/100*500=50>>50 pages each day. Now we need to figure out how many days it will take Kylie to finish the book. If she reads 50 pages per day and the book is 500 pages long, then it will take her 500/50 = <<500/50=10>>10 days to finish the book. #### 10"}
{"text": "Quinn has 500 gumballs and wants to put them into jars. Each jar can hold 25 gumballs. To find out how many jars he needs, we simply divide the total number of gumballs (which is 500) by the number of gumballs each jar can hold (which is 25). So, we do the division like this: <<500/25=20>>20. This means Quinn needs 20 jars to store all his gumballs. #### 20."}
{"text": "Riley has 200 apples and she wants to share them with her 8 friends. To find out how many apples each friend will get, we need to divide the total number of apples by the number of friends. So, we do 200 ÷ 8 = <<200/8=25>>25. Therefore, each friend will get 25 apples. #### 25"}
{"text": "Ben wants a video game console that costs $350. He has $100 already and can save an additional $30 each week. We need to know how many weeks it will take Ben to save enough money for the console. First, let's find out how much more money Ben needs. That's $350 minus the $100 he already has, so it's $350 - $100 = <<350-100=250>>250. So, Ben needs $250 more to buy the console. Now, we need to find out how many weeks it will take Ben to save this amount. Ben saves $30 each week. So, we divide the total amount he needs, which is $250, by how much he saves each week, which is $30. That gives us $250 ÷ $30 = <<250/30=8.33>>8.33 weeks. But Ben can't save money for a part of a week, so we need to round this number up to the next whole number. So, it will take Ben 9 weeks to save enough money for the console. #### 9"}
{"text": "David starts with 200 stickers and gives Erin 10% of them. To find out how many stickers he gives her, we do a little multiplication. 10% of 200 is figured out by multiplying 200 by 0.10, which gives us 200 * 0.10 = <<200*0.10=20>>20 stickers. To find out how many stickers David has left now, we subtract the 20 stickers he gave away from the original 200 stickers he had. So, 200 - 20 = <<200-20=180>>180 stickers. That's how many stickers David has now. #### 180"}
{"text": "Olivia is painting a big house. She is able to paint 100 square feet in just one hour and the whole house is 4000 square feet. We want to know how long it will take for her to paint everything. The first thing we know is the size of the house, which is 4000 square feet. Then, we know how fast Olivia can paint, which is 100 square feet every hour. To find out how long it will take her, we just need to divide the total size of the house by how much she can paint each hour. So, if we divide 4000 by 100, we get <<4000/100=40>>40. This means Olivia will need 40 hours to finish painting the whole house. #### 40"}
{"text": "Nathan has a puzzle with 1000 pieces. He can put together 50 pieces every hour. To find out how long it will take Nathan to finish the entire puzzle, we need to divide the total number of puzzle pieces, which is 1000, by the number of pieces Nathan can complete every hour, which is 50. So, let's do the math: 1000 ÷ 50 = <<1000/50=20>>20. So, it will take Nathan 20 hours to finish his puzzle. #### 20"}
{"text": "Maddie's pool can hold 2000 gallons of water. The hose she is using can fill it up at a speed of 50 gallons per hour. We can figure out how long it will take Maddie to fill up the pool by dividing the total amount of water the pool can hold by the amount of water the hose can pump each hour. So, 2000 gallons divided by 50 gallons per hour equals <<2000/50=40>>40 hours. Therefore, it will take Maddie 40 hours to fill the pool. #### 40"}
{"text": "The bakery sold 30 chocolate cakes and 45 vanilla cakes in one day, so that's 30 cakes + 45 cakes = <<30+45=75>>75 cakes sold in one day. The next day, the bakery sold twice as many cakes as the first day. So, we multiply the number of cakes sold on the first day by 2, like this: 75 cakes x 2 = <<75*2=150>>150 cakes sold on the second day. To find how many cakes were sold in two days, add the number of cakes sold on both days together: 75 cakes + 150 cakes = <<75+150=225>>225 cakes. #### 225"}
{"text": "Liam starts with 14 red balloons and 7 green balloons. If we add these together, 14 + 7 = <<14+7=21>>21 balloons in total. But oh no, he loses 5 red balloons! So now we need to take those 5 away from the total number of balloons. So, we subtract 5 from 21: 21 - 5 = <<21-5=16>>16 balloons left. So, after losing 5 red balloons, Liam has 16 balloons left. #### 16"}
{"text": "Tina wants to buy a car that costs $15000. Every month, she can save up $500. To figure out how many months it will take Tina to save enough money, we need to divide the total cost of the car by the amount Tina can save each month. We can do this by using <<15000/500=30>>30. So, Tina will need to save up for 30 months to buy the car. #### 30"}
{"text": "Tim needs to read 100 pages for his book report. So far, he read 20 pages on Monday, 15 pages on Tuesday, and 35 pages on Wednesday. How many pages does he still have to read? First, we need to find out how many pages Tim has read altogether. He read 20 pages on Monday, 15 pages on Tuesday, and 35 pages on Wednesday. So, he read 20+15+35=<<20+15+35=70>>70 pages in total. Now, we need to find out how many pages Tim still needs to read. He has to read a total of 100 pages, and he has already read 70 pages. So, Tim still needs to read 100-70=<<100-70=30>>30 pages. #### 30"}
{"text": "Sam bought 3 toy cars at $15 each and 2 toy planes at $12 each. How much did he spend? The price of the toy cars is 15 times 3, so that's <<15*3=45>>$45 in total for the cars. The planes cost 12 times 2, so he spent <<12*2=24>>$24 on the planes. He spent $45 on cars and $24 on planes, so in total Sam spent $45 + $24 = <<45+24=69>>$69. #### 69"}
{"text": "The train has 15 carriages and each carriage can carry 60 passengers. To find out how many passengers the train can carry in total, we multiply the number of carriages by the number of passengers each carriage can carry. So, it's 15 carriages * 60 passengers = <<15*60=900>>900 passengers. #### 900"}
{"text": "The farm has 50 chickens and each chicken lays 2 eggs every day. So, the total number of eggs laid daily is 50 chickens * 2 eggs/chicken/day equals <<50*2=100>>100 eggs/day. Now to find out how many eggs the farm will have after one week, you need to multiply the total number of eggs laid daily by the number of days in a week, which is 7. So, 100 eggs/day * 7 days/week equals <<100*7=700>>700 eggs/week. This means the farm will have 700 eggs after one week. #### 700"}
{"text": "Sam is going on a road trip that is 800 miles long. His car uses 1 gallon of gas to travel 20 miles. If every gallon of gas costs $2.50, how much money will Sam use to buy gas for the entire trip? First, we find out how many gallons of gas Sam needs for the trip by dividing the total miles he plans to travel by how many miles his car can travel with one gallon of gas. So, 800 miles / 20 miles per gallon = <<800/20=40>>40 gallons of gas. Then, we figure out how much all the gas will cost. We do this by multiplying the number of gallons Sam needs by how much each gallon costs. So, 40 gallons * $2.50 per gallon = $<<40*2.50=100>>100. So, Sam will need to use $100 to buy all the gas for his trip. #### 100"}
{"text": "The movie theater charges $8 for each ticket and sells 150 tickets in a day. To find out how much the movie theater earns in a day, we multiply the cost of each ticket by how many tickets they sell. So, it's $8 per ticket times 150 tickets which gives us $8 x 150 = <<8*150=1200>>1200. Therefore, the movie theater makes $1200 in a day. #### 1200"}
{"text": "The car is moving at a speed of 60 miles per hour and it travels for 8 hours. To know how far the car will go, you multiply the speed of the car (60 miles per hour) by how long it travels (8 hours). So, you do 60 miles/hour times 8 hours which is <<60*8=480>>480 miles. #### 480"}
{"text": "Jake is selling lemonade for $2 each glass and can sell 15 glasses a day. So, in a day, he earns $2 times 15, which gives us $2 * 15 = <<2*15=30>>30 dollars. If he keeps this up for 7 days, we can find out his total earnings by multiplying his daily earnings of $30 by 7. So, his total earnings for the week are $30 * 7 = <<30*7=210>>210 dollars. So, Jake earns $210 after selling lemonade for 7 days. #### 210"}
{"text": "John is running a marathon which is 42 kilometers long. He runs for 25 kilometers and then takes a break. How much more does he still need to run to complete the marathon? The whole marathon is 42 kilometers and John has already run 25 kilometers. So now, to find out how much more he needs to run, we subtract how much he has run from the total marathon distance. That's 42 - 25 = <<42-25=17>>17 kilometers. So, John will need to run 17 more kilometers to finish the marathon. #### 17"}
{"text": "Tom has 5 jars of jelly beans with 200 jelly beans in each jar. He eats 50 jelly beans every day. Let's find out how many days his jelly beans will last. First, let's find out how many jelly beans he has in total. We do this by multiplying the number of jars by the number of jelly beans in each jar, so we get 5 jars * 200 jelly beans/jar = <<5*200=1000>>1000 jelly beans. Now, to find out how many days his jelly beans will last, we divide the total number of jelly beans by the number of jelly beans he eats each day. So, 1000 jelly beans / 50 jelly beans/day = <<1000/50=20>>20 days. So, Tom's jelly beans will last for 20 days. #### 20"}
{"text": "Sally baked a lot of cookies, 12 dozen to be exact. One dozen is 12 cookies, so Sally baked <<12*12=144>>144 cookies. Then, she sold some of her cookies, 7 dozen. That's <<7*12=84>>84 cookies sold. She also gave 2 dozen cookies to her friends, which is <<2*12=24>>24 cookies. To find out how many cookies Sally has left, we take the total number she baked and subtract the ones she sold and gave away. So, it's 144 - 84 - 24 which equals <<144-84-24=36>>36 cookies. #### 36"}
{"text": "A painter can paint a house in 5 days. So, how many houses can he paint in 30 days? Well, if it takes 5 days to paint 1 house, to find out how many houses he can paint in 30 days, we just divide 30 (the total days he has) by 5 (the days it takes to paint one house), which is 30 ÷ 5 = <<30/5=6>>6 houses. So, the painter can paint 6 houses in 30 days. #### 6"}
{"text": "The pizza place sells each pizza for $15 and they sell 20 pizzas in one day. To find out how much they earn in a day, you have to multiply the price of one pizza by the number of pizzas they sell. So, the total earnings in a day is $15 times 20, which is <<15*20=300>>300 dollars. #### 300"}
{"text": "There are 200 people waiting at the bus stop and the bus can only carry 50 people at one time. In order to figure out how many trips the bus needs to make, take the number of passengers and divide it by the number of passengers the bus can carry each trip. So, 200 passengers divided by 50 passengers per trip equals <<200/50=4>>4 trips. That means the bus will have to make 4 trips to carry all 200 passengers. #### 4"}
{"text": "Billy wants to buy a video game that costs $55. He can save $5 every week. We want to find out how many weeks it will take Billy to save enough money. To do this, we divide the total cost of the video game, which is $55, by the money Billy saves each week, which is $5. So, $55 divided by $5 equals <<55/5=11>>11 weeks. This means Billy needs to save money for 11 weeks to buy the video game. #### 11"}
{"text": "The swimming pool is 15 feet wide and 25 feet long, and it's 5 feet deep. We need to find out how much space it takes up, or its volume. We can do this by multiplying the length, width, and depth. First, we multiply the width and length, which gives us 15 feet * 25 feet = <<15*25=375>>375 square feet. Next, we multiply this result by the depth of the pool. So, we get 375 square feet * 5 feet = <<375*5=1875>>1875 cubic feet. That's how much space the swimming pool takes up. #### 1875"}
{"text": "The farmer has a total of 300 acres of land and he plants corn on 4/5 of it. If you want to know how many acres that is, you simply multiply the total land he has by the fraction he uses for the corn. So, you do 300 acres * 4/5 = <<300*4/5=240>>240 acres. This means the farmer uses 240 acres of his land to grow corn. #### 240"}
{"text": "The train goes 60 miles every hour and it travels for 2.5 hours. To find out how far it goes, we need to multiply the speed (60 miles per hour) by the travel time (2.5 hours). So, 60 miles per hour * 2.5 hours = <<60*2.5=150>>150 miles. This means the train can travel 150 miles in 2.5 hours. #### 150"}
{"text": "The baker has 100 pounds of dough and each loaf of bread needs 2 pounds of dough. To find out how many loaves of bread he can make, we need to divide the total amount of dough by the amount of dough needed for one loaf. So the calculation is: 100 pounds divided by 2 pounds per loaf which gives us <<100/2=50>>50 loaves of bread. #### 50"}
{"text": "The toy store has 20 boxes of toys and each box has 10 toys. So, to find out the total number of toys, you simply multiply the number of boxes with the number of toys in each box. That's <<20*10=200>>200 toys. Then, the store sells 5 boxes. Each of these boxes also have 10 toys, so a total of <<5*10=50>>50 toys are sold. Finally, to find out how many toys are left, subtract the number of toys sold from the total. That leaves you with <<200-50=150>>150 toys. #### 150"}
{"text": "Sarah wants to buy a $60 dress but only has $20. Her mother gives her $10 every week. So, how long does she have to wait to get that dress? First, we need to see how much more money Sarah needs. We do this by subtracting the money she has from the cost of the dress, which is $60 - $20 = <<60-20=40>>40 dollars. Now, we know that Sarah needs $40 more. If she gets $10 every week, we can find out how many weeks she needs to save money by dividing the amount she needs by the amount she gets each week. So, $40 ÷ $10 = <<40/10=4>>4 weeks. This means Sarah has to save money for 4 weeks to buy her dress. #### 4"}
{"text": "Five friends bought a pizza for $50 and they want to split the cost equally. This means they have to divide the total cost of the pizza, which is $50, by the number of friends, which is 5. So they have to do $50 ÷ 5 = <<50/5=10>>10. So, each friend should pay $10. #### 10"}
{"text": "Bob's house is 5 miles away from his school. He walks to school and back home every day. We need to find out how many miles Bob walks in a week. First, we need to know how far Bob walks in a day. Because he walks to school and back, he walks the distance twice. So, it's 2 times 5 miles, which is 2*5 = <<2*5=10>>10 miles in one day. Next, we need to know how far Bob walks in a week. A week has 7 days, so Bob walks 7 times the distance he walks in a day. That is 7*10 = <<7*10=70>>70 miles. #### 70"}
{"text": "Mary has a bag with 200 pieces of candy in it. She eats 20 pieces every day. We want to know how many days it will take for all the candy to be gone. We start with the total number of candies, which is 200 pieces. We also know that Mary eats 20 pieces each day. If we divide the total number of candies by how many she eats each day, we'll get the number of days it will take for the bag to be empty. So we calculate 200 divided by 20 which is <<200/20=10>>10. It will take 10 days for Mary to finish all the candies. #### 10"}
{"text": "The rectangle has a length of 10 feet and a width of 5 feet. To find the area, we need to multiply the length and the width together. So let's do it: 10 feet times 5 feet gives us <<10*5=50>>50 square feet. That's how big the rectangle is! #### 50"}
{"text": "The toy company makes 200 toys every hour and it works for 8 hours each day. To find out how many toys it makes in one day, you have to multiply the number of toys it makes each hour by how many hours it works. So, we do 200 toys/hour * 8 hours/day which equals <<200*8=1600>>1600 toys/day. This means the company makes 1600 toys every day. #### 1600"}
{"text": "Susan has a 400-page book and she reads 50 pages in one day. To figure out how many days she needs to read the entire book, we need to divide the total number of pages by the number of pages she reads each day. So, <<400/50=8>>8 days are needed for Susan to finish the book. #### 8"}
{"text": "We have 200 people waiting at the bus station and the bus can carry 50 people at once. To find out how many trips the bus needs to make, we need to divide the total number of people by the number of people the bus can carry. So, the number of trips is 200 divided by 50 which equals <<200/50=4>>4. The bus needs to make 4 trips to carry all 200 passengers. #### 4"}
{"text": "A girl scout is selling her cookies for $3 per box. She's able to sell 25 boxes. To find out how much money she made, we need to multiply the price of each box by the number of boxes she sold. So it's $3 times 25, which is $<<3*25=75>>75. So, the girl scout made $75 from selling cookies. #### 75"}
{"text": "Lisa has 8 dolls and she wants to put the same number of dolls in each row. If she puts 4 dolls in one row, how many rows will she have? Lisa has 8 dolls total. She wants to put 4 dolls in each row. So, she can find out how many rows she will have by dividing the total number of dolls by the number of dolls she wants in each row. That's 8 divided by 4, which is <<8/4=2>>2. So, Lisa will have 2 rows of dolls. #### 2"}
{"text": "In a school with 120 students, 30% are boys. We want to find out how many girls are there in the school. First, let's figure out how many boys are there in the school. We do this by multiplying 120 students with 30% (which is 0.30 when we convert it into decimal). So, we have 120 * 0.30 = <<120*0.30=36>>36 boys. Now, to find the number of girls, we subtract the number of boys from the total number of students. That gives us 120 - 36 = <<120-36=84>>84. So, there are 84 girls in the school. #### 84"}
{"text": "We want to find out how many minutes are in a day. We know that there are 60 minutes in an hour and 24 hours in a day. So, we just need to multiply the number of hours in a day by the number of minutes in an hour. That means we do 24*60= <<24*60=1440>>1440. So there are 1440 minutes in a day. #### 1440"}
{"text": "The movie theater has 10 rows of seats and 20 seats in each row. To find out how many seats are in the whole theater, we just need to multiply the number of rows by the number of seats in each row. So, if we do 10 rows * 20 seats we get <<10*20=200>>200 seats. That's how many seats are in the movie theater. #### 200"}
{"text": "Tom has $15 and he wants to buy some juice. Each bottle of juice costs $3. To find out how many bottles he can buy, we divide Tom's money by the cost of one bottle of juice. So, we do $15 divided by $3 which is <<15/3=5>>5. So, Tom can buy 5 bottles of juice. #### 5"}
{"text": "Tom collected 150 stamps over a period of 3 years. If he collected the same number of stamps each year, how many stamps did he collect each year? We can solve this by dividing the total number of stamps Tom collected by the number of years. So, if Tom collected 150 stamps over 3 years, we divide 150 by 3 which gives us 150 ÷ 3 = <<150/3=50>>50. So, Tom collected 50 stamps each year. #### 50"}
{"text": "The theater has 20 rows of seats and each row has 15 seats. To find out the total number of seats in the theater, we multiply the number of rows by the number of seats in each row. So, we do <<20*15=300>>300. This means there are 300 seats in the theater. #### 300"}
{"text": "Mr. Davis drove a total of 150 miles and his speed was 75 miles per hour. We can find out how long it took him by using this easy math trick: simply divide the total distance he drove by his speed. So, his drive time is calculated as 150 miles / 75 miles per hour = <<150/75=2>>2 hours. So, it took Mr. Davis 2 hours to finish his drive. #### 2"}
{"text": "A bicycle shop has 50 bicycles. If each bicycle has 2 wheels, then to find out how many bicycle wheels are in the shop, you just need to multiply the number of bicycles by the number of wheels on one bicycle. So, 50 bicycles times 2 wheels equals <<50*2=100>>100 wheels. That's how many bicycle wheels are in the shop. #### 100"}
{"text": "The car moves 60 miles in one hour. We want to know how far it goes in 4.5 hours. We do this by multiplying the speed of the car by how long it travels. So, it's 60 miles/hour * 4.5 hours = <<60*4.5=270>>270 miles. That's how far the car will go in 4.5 hours. #### 270"}
{"text": "John is planning to buy 3 comic books and each book costs $7. So, to find out the total cost, we need to multiply the price of one comic book by the number of comic books he wants to buy. This is calculated as: <<7*3=21>>21. Therefore, John needs $21 to buy the comic books. #### 21"}
{"text": "The school is planning a field trip for 90 students and each bus can hold 30 students. To find out how many buses are needed we divide the total number of students, which is 90, by the number of students each bus can hold, which is 30. So, the calculation would look like this: <<90/30=3>>3 buses are needed for the field trip. #### 3"}
{"text": "A juice box contains 8 oz of juice. If a child drinks 2 oz per sip, how many sips can a child take from a juice box? The total amount of juice is 8 oz and each sip is 2 oz. So, to find out how many sips a child can take, we divide the total amount of juice by the amount in each sip. That's 8 divided by 2, which is <<8/2=4>>4. So, a child can take 4 sips from a juice box. #### 4"}
{"text": "Tim likes to read and he reads 45 pages of a book every day. He keeps this up for a whole week, which is 7 days. To find out how many pages Tim reads in a week, we simply multiply the number of pages he reads each day by the number of days he reads. So, he reads 45 pages * 7 days = <<45*7=315>>315 pages. #### 315"}
{"text": "Janet wants to buy a dress for $200. She can save $50 each month. How many months will it take for her to save enough? Well, we know Janet needs $200 for the dress, and she can save $50 every month. So, we find out how many months it will take by dividing the total money needed by the money saved each month. So $200 ÷ $50 = <<200/50=4>>4. It will take Janet 4 months to save enough to buy the dress. #### 4"}
{"text": "A car can go 30 miles with just one gallon of gas. If the car's gas tank can hold up to 15 gallons of gas, we want to know how far the car can go if the gas tank is full. First, we find out how many miles one gallon of gas can take the car, which is 30 miles. Then, we find out how many gallons of gas the car's gas tank holds, which is 15 gallons. We multiply these two numbers together to find out how far the car can go on a full tank of gas. So, the calculation is 30 miles/gallon * 15 gallons = <<30*15=450>>450 miles. #### 450"}
{"text": "Gina needs 3 cups of flour to make 12 cookies. But she wants to make 24 cookies now. So, let's first find out how much flour she needs for one cookie by dividing the amount of flour by the number of cookies she originally makes. That's 3 cups for 12 cookies, so 3/12=<<3/12=0.25>>0.25 cups for one cookie. For 24 cookies, she just needs to multiply the number of cookies she wants to make (24) by the amount of flour needed for one cookie (0.25 cups). So, 24 x 0.25 = <<24*0.25=6>>6 cups. Gina should use 6 cups of flour to bake 24 cookies. #### 6"}
{"text": "The basketball team at a school usually scores around 80 points each game. They have already played 12 games. Now, how many points do you think they have scored in total? It's easy to figure out. You just take the points they usually score, which is 80, and multiply it by the number of games they've played, which is 12. That calculation looks like this: <<80*12=960>>960. So, the team has scored 960 points in total. #### 960"}
{"text": "A train travels a long distance of 500 miles at a speed of 50 miles per hour. We need to find out how long does the journey take. We can find this out by dividing the distance by the speed. So, we do 500 miles / 50 miles per hour = <<500/50=10>>10 hours. This means, the train journey should take 10 hours.\n#### 10"}
{"text": "If 2 cups of flour can make 12 cookies, then 1 cup of flour can make 12 / 2 = <<12/2=6>>6 cookies. So, if we want to bake 36 cookies, we need to divide 36 by the number of cookies that 1 cup makes. So, 36 cookies / 6 cookies per cup = <<36/6=6>>6 cups. So, to bake 36 cookies, you need 6 cups of flour. #### 6"}
{"text": "Liam has 4 bags of marbles and each bag has 25 marbles. To find out how many marbles Liam has in total, we just need to multiply the number of marbles in each bag, which is 25, by the number of bags, which is 4. So, 25 marbles in each bag times 4 bags equals <<25*4=100>>100 marbles. Therefore, Liam has 100 marbles in total. #### 100"}
{"text": "The shopkeeper sells 35 apples every day. We know there are 7 days in a week. To figure out how many apples he sells in one week, we just multiply the number of apples he sells each day by the number of days. So, 35 apples per day times 7 days equals <<35*7=245>>245 apples. So, the shopkeeper sells 245 apples in a week. #### 245"}
{"text": "Emily has 100 candies that she wants to share equally with her 5 friends. To find out how many each friend gets, you just need to divide the total candies by the total number of friends. So, you take the 100 candies and divide by 5 friends which gives you 100 ÷ 5 = <<100/5=20>>20 candies. This means each friend will get 20 candies. #### 20"}
{"text": "A jogger runs 15 miles every week. Let's find out how many miles they will run in a whole year. We know there are 52 weeks in a year. So, we will multiply the miles they run each week, which is 15, by the total number of weeks in a year, which is 52. Our calculation will look like this: <<15*52=780>>780 miles. So, the jogger will run a total of 780 miles in one year. #### 780"}
{"text": "The book is $15 but there's a 20% off sale. We find out how much the discount is by multiplying the original price by the discount percent, so that's 15 * 0.20 = <<15*0.20=3>>3 dollars. We subtract that 3 dollars from the original price to get the new price, so it's 15 - 3 = <<15-3=12>>12 dollars. So, the price of the book after the 20% discount would be $12. #### 12"}
{"text": "Jack bought 3 packs of dog food and each pack has 12 cans inside. So, to find out how many cans Jack has in total, we have to multiply the number of packs he bought by the number of cans in each pack. That's 3 packs * 12 cans = <<3*12=36>>36 cans. So, Jack has 36 cans of dog food. #### 36"}
{"text": "Sarah baked 120 cupcakes for a bake sale and sold every 3 cupcakes for $5. How much money did Sarah make from selling all the cupcakes? First, we need to know how many sets of 3 cupcakes Sarah has. So we divide 120 cupcakes by 3 and get <<120/3=40>>40 sets of cupcakes. Then, to figure out how much money Sarah made, we multiply the 40 sets of cupcakes by $5. So, 40 sets times $5 equals <<40*5=200>>200 dollars. Therefore, Sarah made $200 from selling all her cupcakes. #### 200"}
{"text": "The pizza place has a deal where you get 3 pizzas for the price of 2 pizzas. So, if one pizza is $10, then 3 pizzas would cost the same as 2 pizzas. So, 3 pizzas cost $10 * 2 = <<10*2=20>>20 dollars. Now, if you want to buy 6 pizzas, you're actually buying 2 sets of 3 pizzas. Since each set of 3 pizzas costs $20, then 2 sets will cost $20 * 2 = <<20*2=40>>40 dollars. So, 6 pizzas will cost you $40 with this deal. #### 40"}
{"text": "Mary wants to buy 60 donuts from the local bakery. Each dozen costs $8. Now let's find out how much she will pay. First, we need to know how many dozens 60 donuts make. We do this by dividing 60 by 12 because there are 12 donuts in a dozen. So, 60 ÷ 12 = <<60/12=5>>5 dozens. Now, to find out how much 5 dozens cost, we multiply the cost of a dozen donuts ($8) by the number of dozens (5). That is $8 x 5 = <<8*5=40>>$40. Therefore, Mary will have to pay $40 for 60 donuts. #### 40"}
{"text": "Tom has 15 books. But John has 5 more books than Tom, so John has 15 + 5 = <<15+5=20>>20 books. Mary has twice as many books as John, so Mary has 2 * 20 = <<2*20=40>>40 books. If we want to find out how many books Mary and John have together, we simply add their books. So, Mary's 40 books + John's 20 books = <<40+20=60>>60 books. Therefore, Mary and John have 60 books together. #### 60"}
{"text": "In one bag of fruits, there are 3 oranges. If we want to find out how many oranges there are in 8 bags, we just need to multiply the number of oranges in one bag by the number of bags. So, we do 3 oranges/bag * 8 bags = <<3*8=24>>24 oranges. This means there are 24 oranges in 8 bags of fruits. #### 24"}
{"text": "If a car uses 1 liter of gas every 10 kilometers and its tank can hold 60 liters, you can find out how far it can go on a full tank by multiplying the amount of gas the car uses for each kilometer (1 liter for every 10 kilometers) by the total amount of gas the car can hold (60 liters). So, it's 1 liter/10 kilometers x 60 liters = <<1/10*60=600>>600 kilometers. This means the car can travel 600 kilometers with a full tank. If you want to know how much it costs to fill up the tank, you just need to multiply the total amount of gas the tank can hold (60 liters) by the price of each liter of gas ($1.20). So it's 60 liters x $1.20 = <<60*1.2=72>>$72. So, filling up the car's tank costs $72. In conclusion, the car can travel 600 kilometers with a full tank. #### 600"}
{"text": "Jane starts with 15 apples and gives 3 apples to each of her 4 friends. To find out how many apples she gives away, you multiply the number of friends by the number of apples each friend gets. That's 4 friends * 3 apples/friend = <<4*3=12>>12 apples. Next, to find out how many apples Jane has left, you subtract the apples she gave away from the apples she had at first. That's 15 apples - 12 apples = <<15-12=3>>3 apples. So, Jane has 3 apples left. #### 3"}
{"text": "The train's speed is 60 miles per hour and it traveled for 4 hours. To know how far it went, we just multiply the speed by the time. So, if we do 60 miles per hour times 4 hours, we get <<60*4=240>>240 miles. That's how far the train traveled! #### 240"}
{"text": "The friends are planting 7 trees each day. They want to do this for 2 weeks. Now, we know one week has 7 days, so two weeks would have 2*7 = <<2*7=14>>14 days. If they plant 7 trees each day for 14 days, they would have planted 7*14 = <<7*14=98>>98 trees in total. #### 98"}
{"text": "Billy has 8 marbles. Sally has 5 more marbles than Billy. To find out how many marbles Sally has, we need to add the number of marbles Billy has to the number of marbles Sally has more than Billy, which is 8 + 5 = <<8+5=13>>13. So, Sally has 13 marbles. #### 13"}
{"text": "One toy costs $20 and you want to know how much 6 toys would cost. To find out, you just need to multiply the cost of one toy by the number of toys. So, the total cost is $20 times 6 which equals $<<20*6=120>>120. #### 120"}
{"text": "In a movie theater, each row has 12 seats. If there are 15 rows, how many total seats are there? Well, since each row has 12 seats and there are 15 rows, we just have to multiply these together to get the total number of seats. So, 12 seats * 15 rows = <<12*15=180>>180 seats. So, there are 180 seats in the movie theater. #### 180"}
{"text": "A farmer has 60 chickens and each chicken lays 6 eggs every day. To know how many eggs the chickens lay in a total day, we need to multiply the number of chickens by the number of eggs they each lay. So let's multiply the number of chickens, which is 60, by the number of eggs each chicken lays in a day, which is 6. When we do that, 60 chickens * 6 eggs per chicken = <<60*6=360>>360 total eggs. That means, the chickens lay 360 eggs in a day. #### 360"}
{"text": "We have 200 passengers to carry and one bus can only carry 50 passengers. To find out how many buses we need, we divide the total number of passengers by the number of passengers a single bus can carry. So, we do 200 ÷ 50 = <<200/50=4>>4 buses. That's how many buses we need to carry 200 passengers. #### 4"}
{"text": "Liam had a fun day at a book fair. He paid $9 to get in, bought a Harry Potter book for $15, and a bookmark for $8. He also ate lunch, which cost him $12. At the beginning of the day, he had $50. So, how much money does he have left now? Well, let's add all of his expenses: $9 for the entrance, $15 for the book, $8 for the bookmark, and $12 for lunch. Total money spent is $9 + $15 + $8 + $12 = <<9+15+8+12=44>>44 dollars. Now, he started with $50, and he spent $44, so let's subtract $44 from $50. That's $50 - $44 = <<50-44=6>>6 dollars. So he has $6 left after the book fair. #### 6"}
{"text": "Lily has 24 cupcakes and she wants to share them equally with her 7 friends. This means there are 8 people sharing the cupcakes because we need to count Lily too. To find out how many cupcakes each person will get, we need to divide the total number of cupcakes by the total number of people. So, 24 cupcakes divided by 8 people equals <<24/8=3>>3 cupcakes per person. #### 3"}
{"text": "Paul has 9 candies and he wants to share them with his 3 friends. To find out how many candies each friend gets, we divide the total number of candies by the number of friends. So, it's 9 candies / 3 friends which equals <<9/3=3>>3 candies for each friend. #### 3"}
{"text": "In this school, there are 9 classes, and each class has 25 students. If every student has 3 pencils, we want to figure out how many pencils are in the entire school. First, we need to find out how many students there are in total. We do this by multiplying the number of classes, 9, by the number of students in each class, 25. So, 9 classes times 25 students each equals <<9*25=225>>225 students. Now that we know there are 225 students, we multiply this number by the number of pencils each student has, which is 3. So, 225 students times 3 pencils each equals <<225*3=675>>675 pencils in the school. #### 675"}
{"text": "We need to find out how much 12 bottles of water would cost. If one bottle costs $2, we simply need to do the multiplication to find out the cost for 12 bottles. So, the calculation would be <<2*12=24>>24. Therefore, 12 bottles of water would cost $24. #### 24"}
{"text": "Billy wants to get a video game that costs $50, but he only has $30. If he earns $5 each day, let's figure out how many days he needs to work to have enough money for his game. First, we need to find out how much more money Billy needs. He needs $50 - $30 = <<50-30=20>>20 more dollars. Now, we know Billy earns $5 every day. So, to know how many days it will take him to earn those $20, we divide $20 by $5. That's $20 / $5 = <<20/5=4>>4 days. So, Billy needs to work 4 more days to buy the video game. #### 4"}
{"text": "A pizza has 8 slices. John eats 2 of those slices. To find out how many slices are left we need to subtract the number of slices John ate from the total number of slices. So, we do 8 - 2 = <<8-2=6>>6 slices. So, if John eats 2 slices of pizza, there will be 6 slices left. #### 6"}
{"text": "The dress costs $75 but there is a 20% discount. To find out how much the discount is, we calculate 75 * 0.20 = <<75*0.20=15>>$15. So, the discount is $15. Now we subtract the discount from the original price to find the sale price. So, we do $75 - $15 = <<75-15=60>>$60. So, the dress now costs $60. #### 60"}

File diff suppressed because one or more lines are too long

File diff suppressed because one or more lines are too long

File diff suppressed because one or more lines are too long

File diff suppressed because one or more lines are too long

File diff suppressed because one or more lines are too long

File diff suppressed because one or more lines are too long

File diff suppressed because one or more lines are too long

7473
data/pt_train.jsonl Normal file

File diff suppressed because it is too large Load Diff

File diff suppressed because it is too large Load Diff

View File

@ -0,0 +1,500 @@
{"content": ["通过对“红楼梦中的人,都散在眼前”的理解,尝试创作一首描绘梦境与现实的五言律诗。"], "class": "诗词"}
{"content": ["帮我写一首藏头诗,藏头词是“人生如梦”,展现人生短暂"], "class": "诗词"}
{"content": ["写一首用初心不改开头的藏头诗,要七言的。"], "class": "诗词"}
{"content": ["以借古喻今的形式,用“今非昔比”做一首藏头诗"], "class": "诗词"}
{"content": ["用“母爱”做一首五言藏头诗,通过描述母亲对孩子生活点滴的回忆赞扬母爱的伟大"], "class": "诗词"}
{"content": ["称赞父亲的严厉教诲实则是低调而深沉的爱的五言绝句"], "class": "诗词"}
{"content": ["写首自创的七言绝句,题材不限"], "class": "诗词"}
{"content": ["以春游为主题,表达对美丽风光赞叹的五言绝句"], "class": "诗词"}
{"content": ["写一首七律诗,要求以小寒为题,题材为自创"], "class": "诗词"}
{"content": ["写一首七言绝句,要四句:一:情,爱情友情亲情均可!二:表达诗人对某事物的喜爱。三:爱国、思乡、写景均可!四:表达诗人内心世界的,最好是“殇”"], "class": "诗词"}
{"content": ["写一首七言律诗,内容要求为船上人家,描绘船家生活自由引人向往。"], "class": "诗词"}
{"content": ["以《霜月》为题创作一首七言绝句,运用虚实结合的手法描写深秋月夜的景色。"], "class": "诗词"}
{"content": ["请使用生动的意象和描绘手法,创作一首描绘夜晚星空的七言绝句。"], "class": "诗词"}
{"content": ["爱情为主题,借用酒作为象征,描绘出一段深情的爱情故事,作为七言绝句。"], "class": "诗词"}
{"content": ["围绕古人“卧看满天云不动,为谁飘渺是故乡”的情怀,表达对故乡的思念之情,创作一首七绝。"], "class": "诗词"}
{"content": ["写一首描写瞿塘峡的七言绝句,不要随意罗列语句。"], "class": "诗词"}
{"content": ["按照主题\"生如夏花\"\"花开花落\",写一首描绘生命短暂而美丽的七言律诗。"], "class": "诗词"}
{"content": ["以秋天为主题,创作一首七言绝句,内容需要包含对秋天景色的描绘、秋风的比喻以及人的情感变化吗?"], "class": "诗词"}
{"content": ["根据“四世同堂”的家庭模式,创作一首七言绝句,需要体现出各个年龄段的人的特征和情感,并体现出家的温馨?"], "class": "诗词"}
{"content": ["帮我创作一首七言律诗,一首诗八句话,最好是关于荷花或鱼的"], "class": "诗词"}
{"content": ["采用\"凤凰于飞\"做主题,首句需要描绘凤凰展翅飞翔的场景,次句表达对自由的渴望的七律诗。"], "class": "诗词"}
{"content": ["根据“吾日三省吾身”的哲理,能否创作一首七言律诗,反映个人自省的精神?"], "class": "诗词"}
{"content": ["可以帮我写一首描绘夜晚的宁静的七言律诗吗?"], "class": "诗词"}
{"content": ["你能否以“风月无边,寄言伊人”的主题,创作一首描绘思念之情的七言律诗?"], "class": "诗词"}
{"content": ["请根据你对“春江水暖鸭先知”的理解,写一首描述早春河景的七律诗。"], "class": "诗词"}
{"content": ["请写一首主题为流年的七言律诗,要求表达时间的流转感"], "class": "诗词"}
{"content": ["我需要一首以“山水画”为题的七言律诗,内容为描绘山水画的意境"], "class": "诗词"}
{"content": ["写一首五言律诗,包含“山”“秋”“凉”“欢”四个字"], "class": "诗词"}
{"content": ["\"以五台山的雪为主题,写一首五言绝句,表达寺院的清幽,古韵。"], "class": "诗词"}
{"content": ["帮我写一首五言绝句,描写一家人其乐融融的生活"], "class": "诗词"}
{"content": ["根据:我们曾经相拥,让我心满意足,直到你离开后,我心中只有悲伤。我知道,你也在漫漫长夜里,思念着我。但是我们不能再拥有,只能每晚祈祷,祈求彼此平安,写一首五言绝句"], "class": "诗词"}
{"content": ["关于冬天的五言绝句,需要描写寒冬下人民热闹欢快的生活。"], "class": "诗词"}
{"content": ["姐妹最近吃了爱情的苦,你能帮我以《懊侬歌》为题写一首五言绝句吗,内容就写男女在爱情上受到挫折的苦恼"], "class": "诗词"}
{"content": ["可以写一首题目为《夏日山中》的五言绝句吗?突出其炎热的环境"], "class": "诗词"}
{"content": ["描述春夏交际之际,春季盎然的五言绝句,要求朗朗上口"], "class": "诗词"}
{"content": ["用“温暖”为题,写一首诗歌,要求五言绝句,利用押韵表现。"], "class": "诗词"}
{"content": ["帮我给我的女朋友写一首五言律诗,称赞对方样貌美丽,具有古典美女的风韵"], "class": "诗词"}
{"content": ["帮我写一首主题是“夏天”的五言律诗,要求平仄押韵,并且描述的场景中需要有池塘"], "class": "诗词"}
{"content": ["创作一首描述人生百态的五律诗,并以“月有阴晴圆缺,人有悲欢离合”的情感波动为依据。"], "class": "诗词"}
{"content": ["创作一首五言律诗,赞美竹子的内在精神,表现劲竹顽强的生命力和刚毅的性格,以借物喻人的手法表达不随波逐流的高尚情操,语言要求虚实结合,情景相生,饶有理趣"], "class": "诗词"}
{"content": ["对“生如夏花之绚烂,死如秋叶之静美”进行理解,并尝试写一首描绘生死的五律诗。"], "class": "诗词"}
{"content": ["分析“凄凄切切,黯黯沉沉”,创作出一首描绘心中苦涩的五言律诗?"], "class": "诗词"}
{"content": ["我自己独自一人在外过节,帮我写一首五言律诗排解思乡之情"], "class": "诗词"}
{"content": ["写一首五言律诗,关于社会问题,反应民生的五言律诗"], "class": "诗词"}
{"content": ["以“花自飘零水自流,一种相思,两处闲愁”的主题,你是否能创作一首描绘思念之情的五律诗?"], "class": "诗词"}
{"content": ["给我用一帆风顺写一首藏头诗"], "class": "诗词"}
{"content": ["我爱你为开头写一首藏头诗"], "class": "诗词"}
{"content": ["通过“幸、福、感”做开头写一首藏头诗"], "class": "诗词"}
{"content": ["用“千金散去还复来”做一首藏头诗"], "class": "诗词"}
{"content": ["把“国泰民安”作为藏头,写一首藏头诗"], "class": "诗词"}
{"content": ["请用企业员工的身份写一篇演讲稿,主题为《严格是大爱》,"], "class": "演讲稿"}
{"content": ["公司要求写演讲稿,有关爱心、恒心、公心的"], "class": "演讲稿"}
{"content": ["五四青年节以传承五四精神,帮我写一份争做世纪青年为主题的演讲稿"], "class": "演讲稿"}
{"content": ["在教育与学习领域中,自拟题目,字数要求八百字,写一份演讲稿,要有创意和新意,并引用具体事例"], "class": "演讲稿"}
{"content": ["用主题为“树立正确消费观”写一篇演讲稿,呼吁大家理性消费,合理消费"], "class": "演讲稿"}
{"content": ["给我写一篇演讲稿。《走进秋天》主题大致是这个,也可以删改。四五百字左右,我上六年级"], "class": "演讲稿"}
{"content": ["我想要一篇升旗的演讲稿.题目是:勤学与成材,要5分钟的稿子。"], "class": "演讲稿"}
{"content": ["写一篇在获得卓越团队奖后,充满团队凝聚力的获奖感言"], "class": "演讲稿"}
{"content": ["我们团队获得了省内的创新奖项,我们做集成电路相关工作,实现了版图设计尺寸上的突破,并运用到了实际的工作中。请帮我们写一篇获奖感言,包含相关技术的简要介绍,与实际生活的连接等,深入浅出一些,让人们容易理解,"], "class": "演讲稿"}
{"content": ["我被评为体育之星,老师让写一个获奖感言 ,帮我写一下, 100-200字就够 ,激情澎湃一些"], "class": "演讲稿"}
{"content": ["我获得了三好学生标兵奖,我应该如何发表获奖感言,内容需要对大家的感谢,获得奖项的自豪,以及之后的行动,有文采一些"], "class": "演讲稿"}
{"content": ["你获得了最佳创意设计奖写一篇充满感激之情的获奖感言吧3分钟左右"], "class": "演讲稿"}
{"content": ["我得了全国童话大赛二等奖 帮我写一篇获奖感言,我是小学生,别太深刻"], "class": "演讲稿"}
{"content": ["帮我写一份鼓舞士气团队获奖感言,当前团队处于探索阶段,遇到比较多的困难和卡点,团队成员都在积极探索和寻找方向。\n结合这个背景抽象当前的问题肯定成员的贡献和能力同时表达对未来的展望"], "class": "演讲稿"}
{"content": ["我考试考了年级前二十有了比较明显的进步上一次是年级第100明天开班会要表奖帮我写一份新颖而不失稳重的获奖感言我是初中生"], "class": "演讲稿"}
{"content": ["我需要一篇200字以内的获奖感言有关文明之星的要求简短且有文采"], "class": "演讲稿"}
{"content": ["帮我写一篇感人至深的杰出员工服务奖获奖感言,需要在公司年会上讲,文采好一些"], "class": "演讲稿"}
{"content": ["写一篇学校优秀辅导员奖获奖感言,用在教职工大会上,语气诚恳"], "class": "演讲稿"}
{"content": ["公司十五年周年庆 主持人的主持词 该如何准备 帮我写一下?"], "class": "演讲稿"}
{"content": ["写一份大学学生会期末总结大会主持词"], "class": "演讲稿"}
{"content": ["我们青年志愿者协会搞活动,写一份感恩节活动的主持人的开场白"], "class": "演讲稿"}
{"content": ["帮我写一份互联网电商公司开业主持词,有激情一些"], "class": "演讲稿"}
{"content": ["写一篇表演活动的主持人词,主持人是男生希望那个词稍微有激情点。能够带动现场的气氛。稍微长一点没有关系 风格上不希望太老土"], "class": "演讲稿"}
{"content": ["写一份动漫社的专场主持词?最好热血,中二一点。"], "class": "演讲稿"}
{"content": ["乌鸦为地球环保做了很大的贡献写一篇颁奖给乌鸦的颁奖词字数300字左右"], "class": "演讲稿"}
{"content": ["给以下同学设计颁奖词。\n该同学以前学习态度不好成绩一般。但其认识到了不足之处励志好好学习目前有了比较明显的改变。写一个颁奖词表达对他进步的肯定。"], "class": "演讲稿"}
{"content": ["帮我写一篇优秀毕业生颁奖词要非常的优美非常的优美需要200个字左右"], "class": "演讲稿"}
{"content": ["怎么写颁奖词帮我写一个领奖人是一个品学兼优的同学300字以内"], "class": "演讲稿"}
{"content": ["帮我写一份最佳耐心奖颁奖词"], "class": "演讲稿"}
{"content": ["父亲节了想给爸爸写一份颁奖词需要100字"], "class": "演讲稿"}
{"content": ["写一个关于环保的演讲稿,5~10分钟的,内容不要太深奥,举一些相关的例子"], "class": "演讲稿"}
{"content": ["帮我写一篇竞选班长的演讲稿我是小学5年级,我之前有学习委员经验,当选过校三好学生,学习不错.考一二名是经常的事.(不少于350字)"], "class": "演讲稿"}
{"content": ["我是一名高速公路上的收费员,最近要评比先进个人的奖项,要写一篇写出自己的优点和工作经验的演讲稿。"], "class": "演讲稿"}
{"content": ["求一份学生会文体部部长竞选演讲稿帮我弄一篇演讲稿最好是不要去抄袭的原稿最好了不要太长了2分钟左右的词就好了"], "class": "演讲稿"}
{"content": ["写一份棋社副社长的竞选演讲要求500字左右本人男有省内奖项需要对我自己做一下介绍同时表达我性格外向乐观开朗并希望和社内成员共同成长取得更好成绩的想法。写的有文采一些激情澎湃一些有一定煽动性"], "class": "演讲稿"}
{"content": ["参加志愿者协会的部长竞选演讲稿10分钟需要体现我具备无私奉献的志愿者精神并希望能够更好的为他人服务并以此为我的个人认同的一部分"], "class": "演讲稿"}
{"content": ["我是一名数控机床操作工2009年10月入职竞聘的职位是成本管理员写一份竞聘演讲稿体现以下要求1、我能够完成职工到领导的转变 2、我对这份工作十分认可并希望能够以此发展 3、暴露当前工作中的问题并以此煽动工友。我能够带大家共创辉煌"], "class": "演讲稿"}
{"content": ["写一份竞选演讲,主题:呼吁选民支持我,成为下一任市长。 要求:1. 简短有力,不超过三分钟;2. 突出自己的优势和承诺;3. 鼓励听众行动起来,参与投票"], "class": "演讲稿"}
{"content": ["写一份竞选班长的演讲稿,内容要具体,有说服力和可信度,能够引起听众的共鸣,从竞选的原因,个人优势,未来的工作展望等多角度来说"], "class": "演讲稿"}
{"content": ["写一份小学生竞选体育课代表的演讲稿"], "class": "演讲稿"}
{"content": ["我们想竞选亮马桥灯光设计的竞标帮我写一份演讲稿我们的亮点是用ai智能控制灯光节能环保同时又炫酷"], "class": "演讲稿"}
{"content": ["辩题为人与自然能否和谐相处 我是反方 所以论点是:人与自然未必能和谐相处 。帮忙找个比较稳一点的论点"], "class": "演讲稿"}
{"content": ["有个辩论赛 主题“人离开社会能否成长”,我是反方的,认为人离开社会不能成长,帮我写一个辩论稿"], "class": "演讲稿"}
{"content": ["我方是反方,观点是以德服人,对方是以理服人。系里的总决赛了,帮我写一份辩词"], "class": "演讲稿"}
{"content": ["关于小学一年级保护环境,爱护大自然的朗读稿,需要涉及环保的专业知识,内容不要太深"], "class": "演讲稿"}
{"content": ["有没有以新时代为主题的朗诵稿时间要5-10min"], "class": "演讲稿"}
{"content": ["学校要弄一个五四新诗会,帮忙写一篇朗诵稿,诗歌,散文都可以,但是要朗朗上口,同时里面要有故事情节或者是好的意境。"], "class": "演讲稿"}
{"content": ["我需要录一段关于自己工作,生活,爱好的朗诵视频,请你帮我写内容,以《我的自画像》 为题写一段可以录制2分钟左右的朗诵稿"], "class": "演讲稿"}
{"content": ["写一篇关于\"个性 人文 和谐\"的朗诵稿,写出三者之间的关联"], "class": "演讲稿"}
{"content": ["求朗诵稿,我朋友学习影视编导的,现在需要诗歌,散文各一篇,不要名人名篇。"], "class": "演讲稿"}
{"content": ["帮全聚德的北京烤鸭设计一条宣传语要求体现著名老字号传承悠远。30字以内"], "class": "广告文案"}
{"content": ["写一条品牌口号要求30字以内体现家政服务公司的服务专业、体贴、负责"], "class": "广告文案"}
{"content": ["为游戏《泰坦陨落2》设计一条宣传语表示因活动促销福利大价格达到史低呼吁大家快点购买不超过30字"], "class": "广告文案"}
{"content": ["为滴滴助老打车设计一则广告语,体现助老打车方便快捷,专为老年人设计,并重点突出滴滴专心做慈善"], "class": "广告文案"}
{"content": ["为潮牌设计一则广告语,突出体现品牌的个性,产品主要面向对象是青少年,强调追求表达自己"], "class": "广告文案"}
{"content": ["舒肤佳肥皂广告slogan"], "class": "广告文案"}
{"content": ["请写一段关于儿童早教的广告语要求体现早教的重要性本店师资力量强要具体一些字数要求50字"], "class": "广告文案"}
{"content": ["帮男士洗面奶设计一款广告语,体现去油保湿,呵护肌肤"], "class": "广告文案"}
{"content": ["给电纸书写一段广告语突出体现阅读的重要性、电纸书携带便携可随时随地阅读字数要求30字"], "class": "广告文案"}
{"content": ["帮浏览器设计一条广告语,体现插件多,功能强大且浏览速度快"], "class": "广告文案"}
{"content": ["我的淘宝店铺名叫美艳护肤,主要做女性护肤品售卖的,帮忙想一句广告语"], "class": "广告文案"}
{"content": ["拟一条以“关爱空巢老人”的公益广告slogan要求主题鲜明内容新颖"], "class": "广告文案"}
{"content": ["求关于瓦罗兰特游戏的广告宣传语20字以内"], "class": "广告文案"}
{"content": ["写一条关爱环境的广告语要求20个字左右"], "class": "广告文案"}
{"content": ["四川美食餐厅开业,帮忙做一张海报,要求海报体现四川美食,包含辣子鸡、麻婆豆腐以及甜皮鸭"], "class": "广告文案"}
{"content": ["帮电影设计一个海报,电影讲述通过探索追求外星人,最终发现这一切不过是黄粱一梦。要求体现生活的荒诞"], "class": "广告文案"}
{"content": ["我们是一家瓜果蔬菜超市,帮我们设计一款海报,要求包含新鲜的果蔬,并突出新鲜健康、美味可口、有机、绿色、无公害"], "class": "广告文案"}
{"content": ["帮我设计一款电影《丁丁历险记》的海报,要在海报中体现丁丁历经各种危险,把悬崖滚石、海难、空难体现出来"], "class": "广告文案"}
{"content": ["帮我的宠物店设计一款海报,要求海报里有猫有狗,并猫狗其乐融融的场景描绘出来,并且十分可爱吸引人。"], "class": "广告文案"}
{"content": ["帮我设计一款游戏海报游戏内容是rouglike类横版闯关游戏。设计一下具体的框架要求包含部分关卡和游戏内的武器"], "class": "广告文案"}
{"content": ["帮我设计端午节海报,要求包含粽子和屈原,画面具有中国水墨风"], "class": "广告文案"}
{"content": ["我要举办一个英雄联盟水友赛,帮我设计一段海报,要求突出本次的活动时间,和参加活动的报名渠道,活动奖励等"], "class": "广告文案"}
{"content": ["我是一名微博博主最近在旅游华山帮我写一份旅行文案500字以内"], "class": "广告文案"}
{"content": ["帮我写一份关于长沙三日游的攻略,包含旅游路线和美食推荐。用微博的风格,措辞要足够日常"], "class": "广告文案"}
{"content": ["我是宠物店老板,最近店里举办三周年大酬宾,帮我想一条朋友圈文案,呼吁大家快来抢福利"], "class": "广告文案"}
{"content": ["模仿科技博主,发一条微博,内容为最近开了一家淘宝网店,为了粉丝回馈有很多惊喜给大家。"], "class": "广告文案"}
{"content": ["帮我写一份微博的文案,主要分享生活随笔"], "class": "广告文案"}
{"content": ["帮我拟一篇文案,要发到朋友圈。内容是感谢大家支持,小店开始清仓,有需要的可以来线下购买"], "class": "广告文案"}
{"content": ["我主要是做母婴产品的电商直播最近正值6.18全体商品打8折最低折扣6.8折。写一份微博动态,能够吸引关注我的人及时进入直播间抢福利"], "class": "广告文案"}
{"content": ["写一份恭喜Edg战队瓦洛兰特分部再创佳绩我要拿来发微博"], "class": "广告文案"}
{"content": ["以HR的口吻帮我写一份如何找工作如何写简历的文案。我要发到脉脉要体现我对招聘的专业性"], "class": "广告文案"}
{"content": ["我是一名运动员,最近比赛取得很好的成绩受到大家的关注和认可。帮我写一份微博文案,帮我感谢大家支持我,要有日常感,并语言随意一些"], "class": "广告文案"}
{"content": ["写一份关于旗袍店的探店文案,突出老板通过古法制作,材料精心选取,一针一线都在传递文化的温度,我要发小红书"], "class": "广告文案"}
{"content": ["帮我写一份服装穿搭重点是白色半袖百搭易打理、且夏天透气性强我要发b站、抖音和小红书"], "class": "广告文案"}
{"content": ["写一份飞利浦电动牙刷的种草文案,突出电动牙刷刷的干净,并对牙有更好的保护作用。我要发抖音"], "class": "广告文案"}
{"content": ["帮我写一份零食种草文案,我要发抖音。食品包括“边角料面包、边角料巧克力、边角料辣条”突出味道好吃,但价格实惠"], "class": "广告文案"}
{"content": ["根据动漫推荐,帮我写一份动漫推荐的安利文。包含推荐的理由和推荐动漫的种类哪些人群适合看"], "class": "广告文案"}
{"content": ["写一份关于MarginNote的App使用指南包括突出以下功能1、剪读书笔记功能能够通过选中图书的部分内容直接构建思维导图有助于复习已学知识。2、支持自动分段摘录可以自动分段摘录关键内容并根据对图书标注的内容自动生成学习卡片提升学习效率。要求800字以内"], "class": "广告文案"}
{"content": ["做一份跑步鞋的广告文案要求提到采用非牛顿流体材料鞋底更软弹护膝外形设计青春时尚价格经济实惠目标群体都市白领。要求3分钟时长"], "class": "广告文案"}
{"content": ["我要拍一个扫拖一体机的广告帮设计一份3分钟的产品介绍广告文案产品特色包括1、无滚布设计免去沾污、缠发、发臭困扰更耐用。2、利用高分子PVC地刷高效自洁甩干防臭3、智能前后双向助力提供适应性辅助力让清洁更省力。"], "class": "广告文案"}
{"content": ["做一个游戏笔记本的产品详情页配置如下采用英特尔酷睿i9-13980hx处理器16gb内存1TB硬盘存储搭载GTX4080显卡并配备240HZ高清显示器。能够支持游玩市面所有的3A大作。突出性能优越品牌是ROG值得大家信赖。目标用户游戏爱好者字数要求300字"], "class": "广告文案"}
{"content": ["制作一份关于飞利浦冲牙器的产品详情先展现冲牙器对牙齿保健的必要性然后在介绍飞利浦冲牙器的科技微爆气流技术能够清洁温和高效并随地随用小巧轻便能够比竞品冲刷更干净。要求字数要求400字"], "class": "广告文案"}
{"content": ["为小罐茶写一份产品介绍包括创新铝罐设计达到密封、遮光、防潮、保险和防破碎的作用。并宣传科学做茶利用科学化茶叶研发、标准化质量认证、智能立体仓储、自动化生产线带来高产能高质量的茶叶。要求500字以内"], "class": "广告文案"}
{"content": ["帮我对护肤品做一个产品广告重点是采用3D抗老化科技作用肌肤激活关键胶原蛋白有淡化皱纹、深层修复肌底并提升肌肤紧致的功效且包含经典舒润成分能够即时补水长效锁水。要求400字以内目标用户女性"], "class": "广告文案"}
{"content": ["为有鱼猫粮写一份产品详情该猫粮采用低温烘培营养不流失。不含肉粉纯鲜肉更营养0喷涂油脂自然鲜香猫咪不易黑下巴采用鸡肉配方低敏护肠包含深海鱼配方深层美毛。要求字数不超过500字"], "class": "广告文案"}
{"content": ["我是一个情感博主,最近写了一篇关于男女交往的文章,内容通过心理学剖析男女心理进而如何维持爱情。帮我想一个题目,要足够吸引人"], "class": "广告文案"}
{"content": ["介绍一下滑板车通体采用碳纤维材质、重量仅有10kg、采用德国轴承顺滑要500字以内"], "class": "广告文案"}
{"content": ["写一篇关于《茶馆》的800字读后感"], "class": "心得体会"}
{"content": ["学习青年教师校本培训教学基本功的心得体会200字"], "class": "心得体会"}
{"content": ["写一篇《小王子》的读书心得体会要求500字以上重点突出“重要的东西是眼睛看不到的“"], "class": "心得体会"}
{"content": ["请帮我写一篇《三体》的读后感要带有悬疑的情感色彩字数500左右。"], "class": "心得体会"}
{"content": ["主题为网络安全,帮我写一篇精彩的读后感"], "class": "心得体会"}
{"content": ["请给我一份金庸小说《天龙八部》的读后感,大概六百字左右"], "class": "心得体会"}
{"content": ["用程序员的思维写一篇关于《围城》读后感800字"], "class": "心得体会"}
{"content": ["写一篇关于《流浪地球》的通篇废话观后感限500字"], "class": "心得体会"}
{"content": ["《追风筝的人》这本书的读后感同时要加上作为青年的我们应该如何从中汲取经验以便于之后更好的生活大概800字"], "class": "心得体会"}
{"content": ["写一篇关于 变形金刚 的观后感"], "class": "心得体会"}
{"content": ["写一篇进击的巨人观后感500字"], "class": "心得体会"}
{"content": ["写一篇关于《肖申克的救赎》的200字观后感"], "class": "心得体会"}
{"content": ["写一下国家冰壶集训队运动员观看冰壶冠军视频的观后感"], "class": "心得体会"}
{"content": ["你现在是一个语言老师教小学作文和同学们看了熊出没之伴我熊心现在作为老师写一份800字的观后感"], "class": "心得体会"}
{"content": ["黄果山瀑布游览后感受"], "class": "心得体会"}
{"content": ["写一篇500字的关于参观保路运动纪念馆的感悟体会"], "class": "心得体会"}
{"content": ["写一篇期货从业人员和期货基础业务知识培训相关的学习心得,包括期货合约要素、期货市场职能、市场的参与者、期货交易流程、基本业务制度等,需要文笔优美语言流畅"], "class": "心得体会"}
{"content": ["写一篇信息采集、分析及应用培训心得,学习内容包含行业直测信息采集内容、全省信息采集内容及实际操作等"], "class": "心得体会"}
{"content": ["你是一名聋校教师,参加了技术支持的课堂教学的讲座后有什么反思"], "class": "心得体会"}
{"content": ["你是一名初中班主任已完成了中小学班主任心理健康主题班会的专题培训。写一篇培训后的心得体会。字数800字。"], "class": "心得体会"}
{"content": ["写一下期货基础业务知识培训的学习心得"], "class": "心得体会"}
{"content": ["项目管理知识培训学习心得"], "class": "心得体会"}
{"content": ["写一下听《中小学心理危机的识别和干预》的报告后,对于德育工作的反思"], "class": "心得体会"}
{"content": ["可以帮我写一份不少于500字的社会实践鉴定表的心得吗内容是在研究生院培养办公室承担助管工作帮助老师整理学生档案回复邮件接电话回答学生关于成绩档案邮寄等相关问题也会帮助老师处理日常事务。"], "class": "心得体会"}
{"content": ["假设你参加了关于销售技巧的培训请写一篇大约500字的心得体会"], "class": "心得体会"}
{"content": ["请帮我写一份mybatis实验的心得体会和个人总结"], "class": "心得体会"}
{"content": ["围绕“三问”(过去学得怎么样、现在干得怎么样、将来打算怎么办),并且结合财务工作,写一篇新时代特色思想主题教育学习心得体会"], "class": "心得体会"}
{"content": ["写一遍经历过电工实训的心得,内容有焊接、双联开关接线和画电路板"], "class": "心得体会"}
{"content": ["写一篇采集植物病害标本的心得体会"], "class": "心得体会"}
{"content": ["请以关于深入推进清廉金融文化建设工作要求进一步深化我行清廉银行建设成效打造“阳光台行”品牌助力“小微情怀”弘扬推动全行各级主管及员工强化纪法意识促进依法依规履职、廉洁从业。现组织全行开展“以案促防以案示警”纪法专题教育活动写一篇不少于500字的学习心得"], "class": "心得体会"}
{"content": ["帮忙写一篇文化企业职工学习新时代思想的体会"], "class": "心得体会"}
{"content": ["烟草商业企业法律防范风险的学习心得写一下"], "class": "心得体会"}
{"content": ["做好城市工作的基本思路的学习心得"], "class": "心得体会"}
{"content": ["站在公司领导角度写一篇关于贯彻总体国家安全观,坚决守住航空安全底线的思想感悟"], "class": "心得体会"}
{"content": ["大数据、互联网时代烟草商业企业模式创新的心得体会"], "class": "心得体会"}
{"content": ["岗前培训进行了团建活动,军训,企业文化学习,人资绩效学习,保密协议学习,安全教育学习,写一篇感想"], "class": "心得体会"}
{"content": ["帮我写一篇心得体会字数200字左右内容关于医院高质量发展-运营管理能力提升"], "class": "心得体会"}
{"content": ["社区志愿服务实践相关的收获和体会"], "class": "心得体会"}
{"content": ["你是一家创业公司的数字人直播业务中台人员现在需要写一份618总结\n\n内容包括项目情况回顾、优秀经验总结、项目中得到的教训原因分析以后如何避免或改善。部门主管的总结中必须加业务思考和未来发展方向"], "class": "心得体会"}
{"content": ["学校心理健康教育的工作总结"], "class": "心得体会"}
{"content": ["在本次实习中我不仅学到了专业知识和技能而且也提升了自己的实践能力和团队合作意识。通过与同事们的合作我深刻体会到了团队的力量和合作的重要性。在团队合作中我们共同解决问题互相学习和借鉴提高了工作效率和质量。基于以上内容写出不少于500字的心得体会"], "class": "心得体会"}
{"content": ["写一篇湘行散记读后感,内容要有对作者的简介与评价,文章的经典语录及分析,还要加上自己的感悟"], "class": "心得体会"}
{"content": ["今天去五道口游玩能用100字描述出游玩时候的开心心情么"], "class": "心得体会"}
{"content": ["写一下光纤熔接实验心得体会"], "class": "心得体会"}
{"content": ["帮我想几段适和设计工作相关的心得体会"], "class": "心得体会"}
{"content": ["健美操的课程教学反思麻烦帮我想一下500字"], "class": "心得体会"}
{"content": ["职业道德心得 园林行业 1000字左右"], "class": "心得体会"}
{"content": ["阅读下面的材料根据要求写一篇不少于800字的文章。\n\n还在念大学的时候。雅科布·格林与威廉·格林兄弟俩的脑子里一直萦绕着这样一个假设几百年来流传在民间的故事或许与人类发展的历史暗藏联系。为此兄弟俩付出了极大的努力共收集整理出八十六个传说但他们无论如何也找不出这些传说和人类发展史的联系。于是他们把厚厚的笔记往书架上一搁又开始了其他工作。\n后来一个朋友偶然发现了这本笔记立刻联系了柏林一家出版社把这些故事结集出版。这本故事集至今已经再版两万多次印刷量超过一个亿曾被四十多个国家翻译成五十多种语言。这本故事集就是世界各国儿童耳熟能详的《格林童话》。\n\n要求选择一个角度构思作文自定立意自选文体自拟标题不要脱离材料内容及含意的范围不要套作不得抄袭。"], "class": "作文"}
{"content": ["材料:\n 我们班和六年级二班进行拔河比赛,同学们热烈地为我们加油助威。就在这时,我脚下一滑,摔到了。我们失败了。我担心大家埋怨我,可是大家反而鼓励了我,并且在下场前,大家仔细地分析,又想出了许多办法。我们班终于取得了最后的胜利。\n要求\n 1自拟题目\n 2把所给的材料用第一人称扩写成一篇不少于500字的记叙文。\n 3要围绕中心展开合理想象把内容写具体。\n提示\n 1可写出大家是如何动脑筋想办法取得拔河胜利。\n 2可描写第二场比赛的场景。"], "class": "作文"}
{"content": ["有人说:阅读并不局限于书本。有时也应该阅读山水、阅读海、阅读花、阅读树、阅读清晨、阅读黄昏……有时也该阅读政治、阅读经济、阅读文化、阅读亲情、甚至阅读一个人……\n请以“阅读_____________”为题自拟题目写一篇文章。\n要求①可以大胆选择你最擅长的文体写你最熟悉的内容表达你的真情实感。②考虑到内容的充实文章不要少于600字。③文章中不要出现真实的地名、校名和人名否则会被扣分。"], "class": "作文"}
{"content": ["阅读下面文字,根据要求作文。\n材料一:中华民族伟大复兴征程中,英雄辈出。我们常常仰望那些光芒四射的英雄,惊叹于他们的伟大成就。\n材料二:平凡铸就伟大,英雄来自人民。毛泽东指出“群众是真正的英雄”,他们创造了丰硕的劳动成果,迸发出闪亮的精神火花……《孤勇者》中唱到,站在光里的是英雄,污泥满身的亦是英雄。相信你心中也有一个英雄,结合生活经历和感受,以“心中的英雄”为题目写一篇文章。\n要求: 1文体不限诗歌除外。2表达真情实感不得套作、抄袭。3文中不得出现真实的地名、人名。4不少于600字。"], "class": "作文"}
{"content": ["围绕”春天到了,万物复苏了“写一篇说明文"], "class": "作文"}
{"content": ["要求在生活和学习中你和别人总有过合作有的是小合作有的是大合作请选择其中的一次把经过具体地写下来。题目自己拟一个字不少于450个。"], "class": "作文"}
{"content": ["根据下面所给的词语编个故事不少于400字。\n考场 小白兔 山坡 指南针 狐狸"], "class": "作文"}
{"content": ["你们家的星期天都是怎么过的,选择一个你最愿意写的星期天,写出来。"], "class": "作文"}
{"content": ["我们生活在一个丰富多彩的世界每个地方都如此与众不同。有的地方环境清幽有的地方繁华热闹有的地方古朴自然有的地方充满诗情画意。不管是你生活的周边还是远行过的地方请选择令你印象最深刻的一处以说明文的方式写清那里的样子及景物的特点字数控制在700字左右题目自拟。"], "class": "作文"}
{"content": ["我的动物朋友——(),生活中,你一定观察过身边的小动物吧?它长什么样?什么时候的表现让你觉得特别有意思?(比如吃东西、睡觉、玩耍、散步……)你和它之间又发生了哪些有趣的事情请先选择你最喜欢的一种小动物填写在题目中的再把你观察到的以说明文的格式写下来字数约250个字左右。"], "class": "作文"}
{"content": ["你的身边有父母、亲友、邻居、伙伴……你最想把谁介绍给我们认识呢请以说明文的形式把他写出来记住写作时要突出人物的特点不少于300字题目自拟。"], "class": "作文"}
{"content": ["拥抱自然,锻炼身体,社会实践,家务劳动……这些多姿多彩的生活体验能开阔视野,增长才干,磨炼意志,净化心灵……只要你积极投入生活,用心品味,就常常会有收获。\n请以“这也是收获”为题写一篇议论文。"], "class": "作文"}
{"content": ["在生命的长河中,总有一些动听的声音萦绕着我们。山泉叮咚,是来自自然的悦耳之音;生命拔节,是来自成长的顽强之音;关爱叮咛,是来自师长的幸福之音;强国有我,是来自青年的奋进之音……\n请以“最动听的声音”为题目写一篇议论文。"], "class": "作文"}
{"content": ["纽带是能够起联系作用的人或事。人心需要纽带凝聚,力量需要纽带汇集。当今时代,经济全球化的发展、文化的发展、历史的传承、社会的安宁、校园的和谐都需要纽带。请以“说纽带”为题,写一篇议论文。要求:观点明确,论据充分,论证合理。"], "class": "作文"}
{"content": ["请以周末踏青为题,写一篇记叙文。"], "class": "作文"}
{"content": ["、写一个你最欣赏的人\n要求1题目自拟。2这个人是你身边熟悉的可以是父母、同学、老师。要通\n过一件具体的事例写出他值得你欣赏的地方。"], "class": "作文"}
{"content": ["英国哲学家培根说过:“人的命运,主要掌握在自己手中。”是的,我们小学生只\n有从小学会做自己的主人才能享受自己的人生。学会养德、学会交往、学会学习、学会审美、学会自立、学会创造。你一定进行着思考、探索、实践。\n请选取你在生活中亲身经历或听到、看到的一件事以“学会做自己的主人”为主题\n写一篇不少于500字的作文作文题目自己定。"], "class": "作文"}
{"content": ["首先选好观察点观察学校的小动物园世纪林写清建筑物的方位特征完成一篇介绍建筑物的说明文字数不少与700字题目自拟。"], "class": "作文"}
{"content": ["每个人都有自己的人生坐标,也有对未来的美好期望。\n家庭可能对我们有不同的预期社会也可能会赋予我们别样的角色。\n在不断变化的现实生活中个人与家庭、社会之间的落差或错位难免会产生。\n对此你有怎样的体验与思考写一篇议论文谈谈自己的看法。\n【注意】①角度自选立意自定题目自拟。②明确文体不得写成诗歌。③不得少于800字。④不得抄袭、套作。"], "class": "作文"}
{"content": ["以“做一个有责任心的人”写一篇议论文。要求⑴题目自拟文体不限⑵字数不少于600⑶文中不得出现真实的姓名、校名、地名。"], "class": "作文"}
{"content": ["“本手、妙手、俗手”是围棋的三个术语。本手是指合乎棋理的正规下法;妙手是指出人意料的精妙下法;俗手是指貌似合理,而从全局看通常会受损的下法。对于初学者而言,应该从本手开始,本手的功夫扎实了,棋力才会提高。一些初学者热衷于追求妙手,而忽视更为常用的本手。本手是基础,妙手是创造。一般来说,对本手理解深刻,才可能出现妙手;否则,难免下出俗手,水平也不易提升。\n以上材料对我们颇具启示意义。请结合材料写一篇议论文体现你的感悟与思考。\n要求选准角度确定立意明确文体自拟标题不要套作不得抄袭不得泄露个人信息不少于800字。"], "class": "作文"}
{"content": ["入学时,老师“同学你好”的问候;百米冲刺时,同学“加油加油”的呐喊;餐桌上,饭菜喷香可口;•灯下,纸笔沙沙作声;枝头上,嫩绿的新菜;田野里,金黄的麦浪⋯⋯这些平常真实的,点点滴滴,也许我们不曾深思,其实往往蕴含着生活的美好,让我们的心灵得到滋润,让我们获得前行的力量。以上材料引发你怎样的联想、思考和感触?请联系你初中阶段的生活和经历,自拟题目,写一篇记叙文,分享你的体验和发现。"], "class": "作文"}
{"content": ["人海茫茫,尘世纷繁,总会有一些拐角,总会有一些瞬间,让人驻足,回望,沉思。请寻找人生的一个或几个令你有感触的拐角或瞬间,写一篇文章。\n要求自选角度自拟标题不要套作不要抄袭不少\n于800字。"], "class": "作文"}
{"content": ["“生无所息/生有所息”为话题,写一篇文章,可讲述你自己或身边的故事,抒发你的真情实感,也可说明你的思想观点。"], "class": "作文"}
{"content": ["请以“带着感动出发”为题目写一篇不少于800字的记叙文。"], "class": "作文"}
{"content": ["以“xx的自述”写一篇说明文将题目补充完整综合运用各种说明方法字数在600字以上。"], "class": "作文"}
{"content": ["写一篇以“青少年吸烟害处大”为主题的说明文,自主命题。"], "class": "作文"}
{"content": ["我国估计有1000多万公顷耕地受到污染其中矿区污染土地达200万公顷石油污染土地约500万公顷固体废弃物堆放污染土地约5万公顷。每年因土壤污染减产粮食1000多万吨因土壤污染而造成的冬种农业经济损失合计200亿元。请根据这一篇材料写一篇说明文。"], "class": "作文"}
{"content": ["智能 、平板电脑、电视机顶盒、无线路由器我们生活中的科技新产品层出不穷。选择一种产品写一篇说明文介绍它的功能和使用方法。不少于600字。提示: 1) 、可以设想一个特定的读者比如为长者他对你所介绍的产品或技术不太了解尽量用他能够理解的话进行说明。2)、为了使行为活泼,也可以采用问答的形式来组织全文,但注意 要写成说明文,不要写成叙述类文章。"], "class": "作文"}
{"content": ["“烟火气是家人团坐,灯火可亲;烟火气是国泰民丰,岁月安好;烟火气是温情,是祥和,需要珍惜和守护,也需要奉献和担当。寻常烟火,就是最美的风景。”请根据以上材料帮我写一篇从家庭、社会、国家三个层面对\"烟火气\"进行探讨议论文的提纲吧。"], "class": "作文"}
{"content": ["古人说,“学不可以已”,重视学习是中华民族的优良传统。在当代中国,人们对学习的理解与古人有相同之处,也有不一样的地方。\n\n请以“学习今说”为题目写一篇议论文。可以从学习的目的、价值、内容、方法、途径、评价标准等方面任选角度谈你的思考。请帮我根据以上作文要求列一个作文提纲吧。"], "class": "作文"}
{"content": ["我要写一份关于iPhone的说明文帮我列一份作文提纲"], "class": "作文"}
{"content": ["创作一个关于“如果能够传话给十年前的自己,你会说什么”写一份作文提纲"], "class": "作文"}
{"content": ["请你模仿小学生写作,以体育课同学们热心互相帮助为背景,从主要内容,中心思想,结构安排等部分入手给我一份简短的作文提纲。"], "class": "作文"}
{"content": ["我要写一篇关于成长的散文,帮我设计一份作文提纲,需要分为四个段落"], "class": "作文"}
{"content": ["写一篇关于大学毕业的散文,通过描写迷茫到坚定的心态变化"], "class": "作文"}
{"content": ["每个人都有难忘的人或物,但是常常都是在即将失去之后才倍感珍惜。以此为题,写一篇散文"], "class": "作文"}
{"content": ["请以雨天为背景,写一篇散文,通过回忆雨天的美好时光和对家乡的眷恋,表达对故乡的思念之情。"], "class": "作文"}
{"content": ["请以夏夜雨后漫步为主题写一篇散文,通过描写雨后清凉的夜晚氛围,反思现实社会的不安和焦虑,并展现一种积极的生活态度。"], "class": "作文"}
{"content": ["写一篇虽然不喜欢冬天但是喜爱雪的散文,描述对雪的喜爱与神秘感,以及对南方雨的怀念和情感。最后通过雪和雨的比喻,表达人们对生活中美好愿望的向往和期待。"], "class": "作文"}
{"content": ["帮我围绕''保护环境人人有责''写一份作文提纲"], "class": "作文"}
{"content": ["参考说明文的标准,给我一份关于牙刷的说明文提纲"], "class": "作文"}
{"content": ["以诱惑为主题作文,要用辩证的观点进行讨论,论据要丰富、可信,题目字数不限。"], "class": "作文"}
{"content": ["请帮我写一篇以春雨为主题的散文,题目自拟。"], "class": "作文"}
{"content": ["写一次值得纪念的经历去年爬泰山下着小雨道路湿滑历经3小时登顶根据此场景帮我写一篇散文。"], "class": "作文"}
{"content": ["人生节奏匆匆,难得停下脚步,请以“请给我一次止步的机会”为题,写一篇议论抒情散文。"], "class": "作文"}
{"content": ["在你的学习生涯中一定会有对你影响最大或者帮助最大的老师吧请你以“我最爱的老师”为题写一篇说明文字数在600字左右。"], "class": "作文"}
{"content": ["你家中有养小宠物吗?如果有,请记录下它一天的生活,写一篇记叙文。"], "class": "作文"}
{"content": ["上周末在黄河边走了一天请你写一篇记叙文不少于600字。"], "class": "作文"}
{"content": ["围绕三思而后行写一篇作文,文体不限,字数在八百字以上"], "class": "作文"}
{"content": ["写一篇关于房地产的工作日志"], "class": "记录文"}
{"content": ["帮我写一篇学习日志,我是高中生,写数理化就行。"], "class": "记录文"}
{"content": ["我是广告公司的一名广告策划师,现在需要撰写一下今天的工作记录,你可以帮我写一篇吗?"], "class": "记录文"}
{"content": ["写一份环境监测日志,五百字以上"], "class": "记录文"}
{"content": ["来一份法律案件记录"], "class": "记录文"}
{"content": ["今天在快递点分拣了一天快递,帮我写一篇日志记录"], "class": "记录文"}
{"content": ["工作日志怎么写,我今天完成了数据抽样、评估、与问题分析,帮我写一下"], "class": "记录文"}
{"content": ["今天参加了书法比赛写一篇日志包括学习书法的经历、方法以及比赛相关经验不少于300字。"], "class": "记录文"}
{"content": ["我在运动会当志愿者,写一份日志记录我的工作内容、服务对象的反馈、志愿活动中遇到的问题"], "class": "记录文"}
{"content": ["写一篇团队项目管理日志,需要汇报当天工作完成情况,遇到的挑战以及与团队合作的情况,积累起来便于后续更好的开展工作。"], "class": "记录文"}
{"content": ["我在做小红书首页内容用户喜爱度调研,帮我写一下最近三天的日志,第一天确定研究方向并且撰写了调研大纲和问卷,第二天进行了问卷的投放与回收,第三天进行了验收和数据分析并且得到了结论,帮我写一下"], "class": "记录文"}
{"content": ["帮我写一篇实习日志,关于生物技术相关的,实习第一天我参观了公司产区,生产车间,仓库,治水间,并且听取了相关的报告,了解了企业管理,生产经营的情况"], "class": "记录文"}
{"content": ["我在学习英语今天学习了一篇文章记住了10个新词汇并且学会了清辅音和浊辅音的区别帮我写个日志记录一下字数不要太多简洁一些400字左右就好了"], "class": "记录文"}
{"content": ["求一篇获得大学生数学竞赛二等奖的记录日记"], "class": "记录文"}
{"content": ["写一篇给妈妈过生日的日记56百字就好"], "class": "记录文"}
{"content": ["写一篇看完《泰坦尼克号》的随笔要300字左右情感积极向上的"], "class": "记录文"}
{"content": ["想写一篇日记少年宫乐器类演出怎么写呢"], "class": "记录文"}
{"content": ["学葫芦丝350字的日记怎么写"], "class": "记录文"}
{"content": ["求一篇健身日记,要包含饮食、锻炼内容、心情和感受 三个部分写的丰富一些800字左右"], "class": "记录文"}
{"content": ["我早上和好朋友吵了一架,然后感觉自己也有不对的地方,所以订了餐厅邀请朋友一起吃晚饭,我们解开了误会,重归于好了。帮我在日记记录一下这件事情"], "class": "记录文"}
{"content": ["来一篇饮食日记,早餐牛奶面包,午餐火锅,晚上不太饿吃了点水果"], "class": "记录文"}
{"content": ["请写一篇帮老奶奶过马路的日记,描写我的动机、过程和最后的感受"], "class": "记录文"}
{"content": ["帮我写一下一周的减肥日记"], "class": "记录文"}
{"content": ["我今天首次目睹了流星雨,那景象真的很壮观。希望你能给我一篇日记,内容要包括我观星前的准备,观星时激动的心情,以及流星带给我的感受的回味。"], "class": "记录文"}
{"content": ["参加了一个云南五日游旅行团,帮我写一下这五天的日记,内容要包含参观景点、吃了啥、我的感受和心情"], "class": "记录文"}
{"content": ["我是医学生,在医院实习了一周,写一篇有深度的实习日记"], "class": "记录文"}
{"content": ["我在小学做了一次科普讲座,如何写一篇活动总结?"], "class": "记录文"}
{"content": ["求暑假社会实践报告,暑假在 一个电脑零部件销售部门 实习了一段时间"], "class": "记录文"}
{"content": ["求高中生社会实践报告一篇 关于非物质文化遗产保护"], "class": "记录文"}
{"content": ["社区举办了一个名为“秋天的故事”的活动,我参与了并且收获很多,能帮我写一篇实践的日记吗?"], "class": "记录文"}
{"content": ["我昨天参加了一场如何养猫的科普讲座,给我写一篇实践记录"], "class": "记录文"}
{"content": ["昨天去了农场学习现代农业技术,写一篇体验记录"], "class": "记录文"}
{"content": ["求一篇社会实践报告要联系现代社会的文化需求社会需要要有活动的内容字数800字左右"], "class": "记录文"}
{"content": ["请你帮我整理一篇摄影俱乐部活动实践报告要求包括1. 活动主题 2. 摄影技巧分享 3. 参与者互动 4. 活动成果展示。"], "class": "记录文"}
{"content": ["请为我创作一篇关于城市交通规划的实践报告内容要涉及到交通流量、公共交通优势和市民出行习惯不少于800字"], "class": "记录文"}
{"content": ["在一个食品加工厂实训了一个月,请帮我写一个实训报告,需要包含涉及到食品安全、生产流程和创新产品几个环节"], "class": "记录文"}
{"content": ["来一份做义工的活动记录"], "class": "记录文"}
{"content": ["给我一篇关于拳击俱乐部团建活动经历的报告"], "class": "记录文"}
{"content": ["给我一份旅游行业的月度总结"], "class": "记录文"}
{"content": ["帮我写一份工作总结,转正汇报要用。"], "class": "记录文"}
{"content": ["帮我写一份年中总结,我是办公室主任"], "class": "记录文"}
{"content": ["我在社区保安处工作,帮我写一篇半年总结"], "class": "记录文"}
{"content": ["本人外贸公司从事样品管理工作,求一份年度总结报告"], "class": "记录文"}
{"content": ["来一份项目总结,包括项目的目标、执行过程、取得的成果、遇到的挑战、经验与教训"], "class": "记录文"}
{"content": ["新入职公司一周了帮我写一份周总结600字左右重点是反思和下一步规划"], "class": "记录文"}
{"content": ["我是舞狮表演艺术家由于民众对表演的喜爱去年我们文化组参演了30多场活动帮我写个年度总结突出对传统文化的宣传"], "class": "记录文"}
{"content": ["帮我写一个个人成长总结,包含学习经历,自我发展和反思,帮助我持续自我提升"], "class": "记录文"}
{"content": ["我在需要一份健身计划的总结,对健身目标、锻炼计划、进展情况、体能提升进行总结"], "class": "记录文"}
{"content": ["写一份销售报告总结618的销售活动满300减40、销售额200万、市场趋势女性消费情况优于男性同时提出后续工作计划"], "class": "记录文"}
{"content": ["写一份会议总结包含会议时间地点近期工作总结遇到的问题决定和行动项几个方面写的有逻辑一些至少500字"], "class": "记录文"}
{"content": ["帮我写一篇《流浪地球》的100字影评"], "class": "评论评语"}
{"content": ["非常喜欢《仙剑奇侠传》这部剧,帮写一个夸夸的影评"], "class": "评论评语"}
{"content": ["帮我在豆瓣给《霸王别姬》写个评价吧"], "class": "评论评语"}
{"content": ["请评价《今日说法》这个法制节目,关键词:撒贝宁,普法"], "class": "评论评语"}
{"content": ["千山鸟飞绝,万径人踪灭。\n孤舟蓑笠翁独钓寒江雪。\n对《江雪》这首诗写一篇评价"], "class": "评论评语"}
{"content": ["请写一篇口语化的关于小说《白夜行》的点评"], "class": "评论评语"}
{"content": ["蔡崇达《皮囊》中有一句话“路过我们生命的每一一个人都参与了我们,并最终构成了我们本身”,写一段对这句话的赏析吧"], "class": "评论评语"}
{"content": ["《小时代》小说3部曲饱受争议有人认为浮夸表面有人认为青春洋溢请帮我写一篇书评详细分析这两种观点并给出自己的评价以及对应的理由"], "class": "评论评语"}
{"content": ["为西游记写一篇书评,我非常喜欢孙悟空,我觉得他勇敢强大又善良。帮我从书籍简介、整体印象、角色分析、总结这几个角度写一下"], "class": "评论评语"}
{"content": ["以小学6年级学生的口吻写一篇对《钢铁是怎样炼成的》的评论要符合身份、通俗易懂300字左右"], "class": "评论评语"}
{"content": ["请为王菲的《匆匆那年》写一段乐评"], "class": "评论评语"}
{"content": ["如何评价五月天2012《诺亚方舟》鸟巢演唱会200字左右"], "class": "评论评语"}
{"content": ["非常讨厌《老鼠爱大米》这种口水歌,求一篇批评性的评论"], "class": "评论评语"}
{"content": ["帮我在大麦网为歌剧《茶花女》写一段好评"], "class": "评论评语"}
{"content": ["《悲惨世界》音乐剧太震撼了,请帮我写一篇赞美评价,从舞台灯光、演员舞蹈表现、主题三个维度展开表达"], "class": "评论评语"}
{"content": ["在qq音乐上给陈奕迅《十年》这首歌写一句话评论要求简单有记忆点一些"], "class": "评论评语"}
{"content": ["吃了一次佛跳墙太香了写一个200字的评价"], "class": "评论评语"}
{"content": ["给我新买的耐克的跑步鞋写个评价,透气性好,穿着很舒服"], "class": "评论评语"}
{"content": ["写一篇关于心心相印抽纸的评价"], "class": "评论评语"}
{"content": ["我有一副苹果耳机,它的外观很漂亮但是音质非常差,偶尔还会有电流声,针对这些写一个评价"], "class": "评论评语"}
{"content": ["淘宝买了一箱怡宝矿泉水评价可以给5元红包帮我写个20字短评"], "class": "评论评语"}
{"content": ["我买了一款红双喜的乒乓球拍,弹性非常大,手感非常好,写一篇评价"], "class": "评论评语"}
{"content": ["网鱼网咖环境非常好,写一篇评价,五十字以内"], "class": "评论评语"}
{"content": ["铃木食堂的蛋糕很好吃,还有他家的寿喜锅,写一篇评价,内容突出服务态度也不错"], "class": "评论评语"}
{"content": ["写一个对于淘宝app的评价不超过十个字"], "class": "评论评语"}
{"content": ["针对抖音写一个评价,二十字左右的好评"], "class": "评论评语"}
{"content": ["唯品会上面产品价格都比较物美价廉给我写一个关于这个app的评价"], "class": "评论评语"}
{"content": ["给我写一个关于天猫的评价,要求包含物美价廉这个词"], "class": "评论评语"}
{"content": ["买到假货了,给闲鱼写一个差评,我要发布在朋友圈里,突出对软件和卖家的愤怒,字数三十左右"], "class": "评论评语"}
{"content": ["我的好朋友在朋友圈上发布了一张美丽的日出照片,帮我写一句赞美的话来评论,强调我很羡慕,我也想去的心情。"], "class": "评论评语"}
{"content": ["我是一名语文老师,我要给我们班同学写期末评语,我该怎么写"], "class": "评论评语"}
{"content": ["写一个评语给班里的班长,从学习生活等方面进行评价,会在班会上读出来,要求不超过十分钟。"], "class": "评论评语"}
{"content": ["给班里同学写一个评语,从成绩、三好学生、劳动能手等角度进行评价"], "class": "评论评语"}
{"content": ["班级里有个同学获得了国家一级奖学金,写一个评语给他,突出他的刻苦学习,努力奋斗的精神,内容要充实。"], "class": "评论评语"}
{"content": ["给我一个对于班级里卫生委员的评语,他的工作非常认真,用诙谐的语气,要求不超过三十字"], "class": "评论评语"}
{"content": ["生物老师非常尽职尽责,有任何不懂的地方都可以问他,我非常喜欢他,请帮我写一个评语给他"], "class": "评论评语"}
{"content": ["给我的语文老师写一篇评语,要求不超过二十个字"], "class": "评论评语"}
{"content": ["我是一名学生家长,孩子的班主任非常认真负责,经常和我们交流孩子的在校情况,我想给老师写个评语,突出老师的爱岗敬业,认真负责"], "class": "评论评语"}
{"content": ["我想给我的中学老师写一份评语,感谢他这么多年的关心帮助,用比较严肃真诚的语气,并且突出老师的辛勤付出,不超过二百字。"], "class": "评论评语"}
{"content": ["给实习生写一段100字以内的评语"], "class": "评论评语"}
{"content": ["写一段员工表现一般的工作评语"], "class": "评论评语"}
{"content": ["从思想、工作能力、团队合作三个方面评价员工300字以内"], "class": "评论评语"}
{"content": ["对表现不好员工考核评语怎么写200字以内写出其主要缺点和改进建议"], "class": "评论评语"}
{"content": ["给入职10年的老员工写一段评语主要是赞美其对公司的长期奉献、吃苦耐劳"], "class": "评论评语"}
{"content": ["国企下级员工评价上级领导的评语"], "class": "评论评语"}
{"content": ["对领导的正面评价200字以内"], "class": "评论评语"}
{"content": ["你的领导要升职了,会上你该怎样评价你的领导?口语化一些"], "class": "评论评语"}
{"content": ["写一段教师对校长的评语注意要谨慎和尊重因为校长通常是学校的领导者对学校的决策和管理起着关键作用偏正面200字左右"], "class": "评论评语"}
{"content": ["对即将退休的总经理的评价,从领导能力、决策能力、公正性方面的三个维度评价"], "class": "评论评语"}
{"content": ["用100字评价一个唱歌跳舞好的女明星"], "class": "评论评语"}
{"content": ["可以帮我写一篇关于椅子的专利说明书吗"], "class": "科技文稿"}
{"content": ["微电子技术课程结束了写一个课程报告800字左右题目是《纳米尺度半导体器件制造工艺》"], "class": "科技文稿"}
{"content": ["写一篇细胞培养实验的研究报告,包括实验方法、实验结果、相关讨论和结论"], "class": "科技文稿"}
{"content": ["帮我撰写一篇数学科普文章涵盖统计学和概率论要求内容原创新颖还有加上自己的见解字数不少于800字。"], "class": "科技文稿"}
{"content": ["写一篇关于一种用于家庭清洁的新型机器人的专利说明书,包括技术细节和创新之处的说明。"], "class": "科技文稿"}
{"content": ["帮我写一个论文大纲,题目是:生物信息学与大数据在生物技术中的应用"], "class": "科技文稿"}
{"content": ["撰写一篇关于食品安全和质量控制的论文大纲"], "class": "科技文稿"}
{"content": ["最近在写“绿色材料的研究与开发”为题的论文,你能帮我写一个大纲吗?"], "class": "科技文稿"}
{"content": ["关于艺术国画的论文大纲怎么写,可以帮我写一篇吗"], "class": "科技文稿"}
{"content": ["以“航天技术的科学原理”为主题,写一篇论文大纲"], "class": "科技文稿"}
{"content": ["可以帮我创作一篇通信技术的应用与发展的论文大纲吗?"], "class": "科技文稿"}
{"content": ["我要投一篇《食品加工技术对营养价值的影响》的论文到中国知网的期刊上,你能帮我写下大纲吗?"], "class": "科技文稿"}
{"content": ["刚参加完一个关于医疗的座谈会,会后让我们针对这次座谈会写一个关于《医疗机器人和自动化手术的进展与挑战》的论文,帮我写一个大纲,要求涵盖医疗机器人的发展、进展与创新、挑战与问题"], "class": "科技文稿"}
{"content": ["我是航天领域的研究员,能帮我写一个主题为航空航天技术的发展历史的论文大纲吗?要有对航天技术的思考,大纲内容包括相关技术和概念、当前的研究和发展趋势、研究领域中的关键挑战等"], "class": "科技文稿"}
{"content": ["我想在中国知网上发表一篇《数字化时代》的论文,求一篇大纲,内容最好包含数字技术、电子商务、数字艺术和文化等这几个方面。"], "class": "科技文稿"}
{"content": ["写一篇慈善奖项获奖感言"], "class": "演讲稿"}
{"content": ["六年级的颁奖词怎么写? 为学习之星,进步之星,纪律之星,劳动之星,卫生之星分别写一份颁奖词。"], "class": "演讲稿"}
{"content": ["最近城市在组织公益演出,帮忙设计一款海报,要求体现这是百姓的大舞台,宣传共建文明城市"], "class": "广告文案"}
{"content": ["请帮我设计禁止河边野泳的警示海报,警示语要突出,显眼,并有一定警示作用"], "class": "广告文案"}
{"content": ["帮全友家居的科技双人床写一份广告详情包括采用皮感科技布保存皮质的质感同时能够不易破损开裂、易清洁打理整体设计采用INS风格体现简约温柔风沙发式饱满软靠贴合腰背全面舒缓身体。要650字以内"], "class": "广告文案"}
{"content": ["今天学习了禹王集团的企业文化,人力资源绩效管理,保密制度,请就此写一篇感想"], "class": "心得体会"}
{"content": ["教师强化晋位争优意识心得体会500字左右"], "class": "心得体会"}
{"content": ["请结合<全数字化赋能>写一篇读后感, 字数800字"], "class": "心得体会"}
{"content": ["没有什么比经典作品更能净化我们的心灵了。随便拿起一本经典,哪怕只读半小时,整个人就会感觉焕然一新,身心舒畅、澄净,精神超越、振奋,仿佛经过了山涧清泉的清洗净化。\n请在后面的横线上填写一本经典的书名“《____________》净化了我的心灵”补充完整后以此为题写一篇文章。\n要求1立意自定2文体自选诗歌除外3文章中不得出现真实的校名、人名、地名4不少于600字。"], "class": "作文"}
{"content": ["我需要写一篇关于''努力和天赋''的议论文,给我一份有关的作文提纲"], "class": "作文"}
{"content": ["昨天去吃了全聚德,非常好吃,写一份用餐后的评价,不超过三十字"], "class": "评论评语"}
{"content": ["我有一个老师,上课幽默风趣,我们都很喜欢他,给他一个评语"], "class": "评论评语"}
{"content": ["我马上要去参加女儿的小升初家长面试,帮忙列出常见问题和答案,一定包括家庭教育理念相关的题目"], "class": "问题生成"}
{"content": ["我们是一个6人的团队,要组队参加一个志愿者活动,求一个队名,最好解释一个意义,要有创意的6个字左右"], "class": "起名字"}
{"content": ["根据“芳草奕目”写一首五言绝句"], "class": "诗词"}
{"content": ["写一份关于周大福足金黄金爱心项链的广告文案项链采用镜面爱心设计寓意着将爱意私藏于项链中整体采用足金打造尾链长43.75cm。要求字数不少于300字"], "class": "广告文案"}
{"content": ["阅读《春江花月夜》心得体会"], "class": "心得体会"}
{"content": ["我设计了一个智能拐杖,能与智能手机配对,并且集成了语音助手和谷歌地图,能检测周围的情况和路况,我想申请专利,帮我写一下技术说明文档。"], "class": "科技文稿"}
{"content": ["我想要一篇主题为智能沙发的专利说明书。"], "class": "科技文稿"}
{"content": ["我是数学专业的学生,最近自己搞了一个“解三角形应用举例智能情景化教具”,能帮我写一篇专利说明书吗?"], "class": "科技文稿"}
{"content": ["有一个钓鱼用的多功能便携式凳子,能调节凳子高度,使凳子稳定,既能固定伞又能固定其他东西、简单方便携带,可以帮我写一个专利说明书吗?"], "class": "科技文稿"}
{"content": ["请以“集成了健康监测功能”的视角帮我写一篇关于智能桌子的专利说明书?"], "class": "科技文稿"}
{"content": ["请为我的发明设计一份专利说明书,它是一种新型智能眼镜,能够实时翻译不同语言的文字。"], "class": "科技文稿"}
{"content": ["帮我写一个会发光的裙子的专利说明书裙子外形由3d打印外侧喷上有光泽感的涂层裙底风追了迷你电池组件将电锤控制器打开后裙子就会亮起来了。"], "class": "科技文稿"}
{"content": ["我发明了一个“会说话的眼镜”,可以帮盲人识别文本,通过直观的指点手势或者仅仅通过跟随,佩戴者的目光来激活文本。根据以上描述,可以帮我写一篇专利说明书吗?"], "class": "科技文稿"}
{"content": ["我设计了一种多功能餐桌能在上面切菜、烧菜和吃饭请你撰写一个专利说明书要求内容丰富逻辑清晰突出餐桌的功能性和实用性不少于800字"], "class": "科技文稿"}
{"content": ["围绕“气候变化对环境、社会和经济的影响,以及制定可持续发展策略和解决方案的方法”,写一篇报告"], "class": "科技文稿"}
{"content": ["帮我写一个报告,与如何保护和恢复地球上的生物多样性,以及这对于生态系统健康和人类福祉的重要性相关"], "class": "科技文稿"}
{"content": ["写一篇新材料的合成应用主题的研究报告"], "class": "科技文稿"}
{"content": ["我在研究人工智能的伦理问题包括自主决策系统、隐私保护和社会公平性帮我写一个报告1000字左右"], "class": "科技文稿"}
{"content": ["我需要一个关于研究城市化趋势、城市发展模式以及城市规划策略对城市社会和环境的影响的报告逻辑清晰、字数800字左右。"], "class": "科技文稿"}
{"content": ["能否帮我撰写一份关于人工智能在医疗领域的文章?"], "class": "科技文稿"}
{"content": ["以未来城市为题写一篇关于智能城市发展的文章字数约1000字"], "class": "科技文稿"}
{"content": ["就山竹的功效与作用,写一篇科普文章,突出山竹的营养价值"], "class": "科技文稿"}
{"content": ["为我写一篇关于软件开发的科普文,详细描述项目的目标和开发步骤。"], "class": "科技文稿"}
{"content": ["以研究食品科学的视角撰写一份800字左右的科普文章探讨食品的生产和加工过程包括食品加工设备的设计和改进以提高生产效率和食品质量。"], "class": "科技文稿"}
{"content": ["帮我写一篇关于针灸的科普文章"], "class": "科技文稿"}
{"content": ["我对航天技术这一方向有很大的兴趣,帮我写一篇科普文,介绍下航空航天的安全与维护"], "class": "科技文稿"}
{"content": ["以可再生能源技术、核能技术、氢能源技术为主题写一篇文章"], "class": "科技文稿"}
{"content": ["冬天适合吃些什么,针对这个话题,写一篇冬季养生的科普文章"], "class": "科技文稿"}
{"content": ["帮我创作一篇技术文章,介绍区块链技术的应用和工作原理以及对未来的展望,最好是能引起读者的共鸣,内容要丰富,通俗易懂"], "class": "科技文稿"}
{"content": ["你能为我写一篇关于通信技术在生活中应用的科普文吗探讨的内容包含5G网络在智能城市中的性能和覆盖范围、智能城市网络中的通信需求和数据流量特点以及开发网络优化算法和策略以满足智能城市中不同应用场景的需求。"], "class": "科技文稿"}
{"content": ["汽车制造公司计划推出一款电动SUV需要一个富有未来感的车型名称您有何建议"], "class": "起名字"}
{"content": ["一家生产环保的建材的公司推出一款产品,帮我起个与可持续发展相关的产品系列名称"], "class": "起名字"}
{"content": ["请为一家生产健康食品的公司,取一个吸引力的品牌名称"], "class": "起名字"}
{"content": ["娱乐公司要推出一款创新的电子游戏,给这款游戏起个带有创新未来感的名字。"], "class": "起名字"}
{"content": ["作为一家新的快餐连锁店,需要一个吸引人的品牌名称"], "class": "起名字"}
{"content": ["我们研发了一种创新性的医疗设备,需要专业而令人信赖的品牌名称,帮我想一下"], "class": "起名字"}
{"content": ["我们正在开发一款新的有机护肤品牌,希望起一个与自然相关的品牌名称,帮我想几个。"], "class": "起名字"}
{"content": ["一种新型能量饮料,需要一个生动的产品名称来吸引年轻人,您能提供一些建议吗?"], "class": "起名字"}
{"content": ["研发了一个皮划艇游戏通过肢体识别技术用户在屏前晃动控制皮划艇躲开障碍帮我取10个合适的产品名称。名称要求具有动感、趣味性及传播力。"], "class": "起名字"}
{"content": ["假设贵公司生产环保家居用品,需要一个反映环保理念的品牌名称,要求包含\"贵\"字帮我起20个6字以内的"], "class": "起名字"}
{"content": ["培训机构要推出一门创新的在线课程,需要一个与教育和学习相关的公司名称"], "class": "起名字"}
{"content": ["酒店要进行品牌重新定位,需要一个能够传达度假和舒适感名称,您有何创意?"], "class": "起名字"}
{"content": ["汽车制造公司要创建一个高端汽车品牌,需要一个令人印象深刻的公司名称"], "class": "起名字"}
{"content": ["我们的可持续发展组织需要一个与环保和创新相关的组织名称,请你给出几个方案。"], "class": "起名字"}
{"content": ["非营利组织要进行重新命名,需要一个表达我们的社会使命和价值观的公司名称"], "class": "起名字"}
{"content": ["给标题换种说法“大转型我们时代的政治与经济起源”要通俗易懂简单明了20字以内"], "class": "起名字"}
{"content": ["想一个销售玩具的百货店名字。"], "class": "起名字"}
{"content": ["最近要开一个快手小店,卖零食的,请帮我起个店名"], "class": "起名字"}
{"content": ["我们的小吃店需要一个有趣而令人垂涎欲滴的店铺名称,能够吸引食客"], "class": "起名字"}
{"content": ["帮我想一个销售粮油的百货店名称,名称中必须要有百货店三个字"], "class": "起名字"}
{"content": ["我们的新鲜果蔬市场需要一个清新而令人印象深刻的店铺名称"], "class": "起名字"}
{"content": ["我准备开设一家书店需要一个与文学相关的店铺名称能够吸引书籍爱好者帮我取10个吧"], "class": "起名字"}
{"content": ["帮我起一个和音乐相关的网名"], "class": "起名字"}
{"content": ["大学宏观经济学第一节课,老师可能会问哪些问题,列举一下?"], "class": "问题生成"}
{"content": ["政治学讲座,学生可能会提问哪些问题?"], "class": "问题生成"}
{"content": ["想几个关于历史学概念定义的相关问题。"], "class": "问题生成"}
{"content": ["给我几个关于社会学发展史的课堂提问问题。"], "class": "问题生成"}
{"content": ["马克思哲学课上,老师可能会问哪些问题?"], "class": "问题生成"}
{"content": ["郑老师下周要讲一堂公开课,要写一份教案,备课本上要写一些在课堂上提问的问题,他已经确定了这节课要讲《最可爱的人》这篇课文,你觉得郑老师可以准备哪些问题来进行提问。"], "class": "问题生成"}
{"content": ["高中地理课,讲经纬度的辨析与划分,老师可能会问哪些问题?"], "class": "问题生成"}
{"content": ["我要做一个《雅典学院》油画鉴赏的讲座分享,帮我想几个和听众互动的问题。"], "class": "问题生成"}
{"content": ["设计五个初中生物课关于食物链的课堂提问问题。"], "class": "问题生成"}
{"content": ["我是一名初中语文老师下节课要教学生《桃花源记》帮我准备5个课堂提问的问题。"], "class": "问题生成"}
{"content": ["我是老年大学教授书法课程的老师,帮我想五个问题,在课堂上提问来拉近和老年学生间的关系,活跃课堂氛围。"], "class": "问题生成"}
{"content": ["我是一名体育老师,上节课教了大家一些慢跑常识,这节课做课前提问,帮我设计五个问题。"], "class": "问题生成"}
{"content": ["我是一名航空航天兴趣课老师,教授小学生航空航天知识。下节课我要给学生们讲关于中国航天发展史的相关课程,帮我设计三个课前提问问题。问题要符合小学生认知范畴,不能太难。"], "class": "问题生成"}
{"content": ["我这学期上了飞行器结构力学的课程要考试了给我10道常见的考试问题"], "class": "问题生成"}
{"content": ["针对微观经济学列举6个考试题目最好包含供需关系、市场结构、生产者与消费者行为"], "class": "问题生成"}
{"content": ["我是小学科学老师,帮我想几个周考试卷的问题,本周讲的内容是天气、土壤对植物和人类生活的影响"], "class": "问题生成"}
{"content": ["我是幼儿教育专业的老师,帮我设计一下课堂小测问题,关于幼儿教育中语言与沟通的"], "class": "问题生成"}
{"content": ["医生面试常见问题有哪些"], "class": "问题生成"}
{"content": ["应聘快递员一般都会问什么面试题目"], "class": "问题生成"}
{"content": ["房地产经纪人面试都会问什么问题?"], "class": "问题生成"}
{"content": ["我要应聘自媒体运营岗,能给我提供一些面试题候选吗?"], "class": "问题生成"}
{"content": ["我想去丝芙兰做柜姐,请问面试环节一般都问什么呢?"], "class": "问题生成"}
{"content": ["如果你是律所合伙人,准备几道面试题面试律师候选人"], "class": "问题生成"}
{"content": ["研究生复试都一般会问什么问题"], "class": "问题生成"}
{"content": ["招聘管理岗的时候作为hr常问什么问题"], "class": "问题生成"}
{"content": ["常见幼儿园教师面试题"], "class": "问题生成"}
{"content": ["给出理财顾问岗的面试题目,要包含自我介绍、项目经历的题目"], "class": "问题生成"}
{"content": ["如果你是一名富有经验的土木建造师,面试环节一般都会被问什么专业问题呢"], "class": "问题生成"}
{"content": ["我是一名刚出道的演员,想竞争一个武侠剧组的女二号,导演面试可能会问什么问题"], "class": "问题生成"}
{"content": ["假设你是一家初创公司的老板方向是VR硬件现在招聘一名CTO帮忙设计几道面试题包含行业理解和专业技术方向"], "class": "问题生成"}
{"content": ["我是一名hr帮我准备5道面试题重点考察候选人综合素质"], "class": "问题生成"}
{"content": ["帮我设计10道常见产品经理面试题需要考察面试者专业技能、对岗位的理解、职业规划等方向的内容"], "class": "问题生成"}
{"content": ["我是一名应届生,要应聘宝洁的市场岗,在群面环节常见的面试题有哪些呢?"], "class": "问题生成"}
{"content": ["我想做环保领域的相关调查,帮我想一下调研的问题。"], "class": "问题生成"}
{"content": ["为“调查青少年群体二次元消费情况”的主题调研生成问题。"], "class": "问题生成"}
{"content": ["我们要调查用户对小度音箱的品牌形象认知,帮我想几个问题。"], "class": "问题生成"}
{"content": ["我想调研农村电商的发展状况,帮我想几个问题。"], "class": "问题生成"}
{"content": ["我要做一份优秀员工实名制投票,需要问大家哪些问题?"], "class": "问题生成"}
{"content": ["我想了解女性对花西子散粉的喜爱程度,帮我设计几个调研问题。"], "class": "问题生成"}
{"content": ["我想了解学生们的十一假期出行目的地选择及原因,应该问大家哪些问题?"], "class": "问题生成"}
{"content": ["我是大学辅导员,希望了解大学生的就业情况,应该通过哪些方面了解?帮我生成十个问题。"], "class": "问题生成"}
{"content": ["作为一名餐饮行业的店铺经理,你想了解该季度用户的菜品偏好、环境评价等相关信息,指导店铺的下个季度战略规划。你会问用户哪些问题?"], "class": "问题生成"}
{"content": ["大学生群体时间相对自由,在有限的消费和充足的时间下,很多大学生喜欢通过上网打发时间寻找乐趣。我想了解一下大学生的上网情况,需要写一个问卷调查,请帮我想五个问题。"], "class": "问题生成"}
{"content": ["通过市场调查分析市场情况了解市场现状和发展趋势以避免企业在制定营销策略时发生错误从而在不断变化的市场中谋取企业最大效益。现在我要对某市场进行调查请帮我想10个问题。问题着重调查消费者行为、市场营收数据等客观事实。"], "class": "问题生成"}
{"content": ["作为一名社会学研究生,我需要做以“英国脱欧”为主题的论文研究,我想做一份英国公民对该事件的看法,应该问英国公民哪些问题?帮我设计二十个问题,需要包括调研对象的基本情况,例如年龄、职业等信息,还需要包含调研对象对英国脱欧历史的了解程度,以及其在本次英国脱欧事件中的投票行为。"], "class": "问题生成"}
{"content": ["对于病人而言,护士是另一种亲人,护士的照顾对于病人的康复也起到了一定的作用,所以对护士是否满意成了医院调查任务之一。某医院想了解一下病人对本医院护士的服务是否满意,需进行一次护士满意度问卷调查,请你帮这个医院想几个调研问题。要求语言风格温和,有同理心。"], "class": "问题生成"}
{"content": ["帮忙列出一些奥运会相关的小问题,做奥运会主题活动用,选择为主"], "class": "问题生成"}
{"content": ["适合真心话大冒险的问题都有哪些"], "class": "问题生成"}
{"content": ["请帮忙设计一些关于长城的问题,要涵盖历史、有趣的小故事之类的问题?"], "class": "问题生成"}
{"content": ["我们要举办英雄联盟公司赛请帮我列5个关于英雄联盟的问题用于直播有奖问答环节"], "class": "问题生成"}
{"content": ["求艺名一个,用于婚礼主持用。名字高雅有寓意 而且好记。女生用!"], "class": "起名字"}
{"content": ["公司组织团建,起一个团队名,体现团结拥有更大力量"], "class": "起名字"}
{"content": ["最近我组建了一个游戏好友群组,能否帮我想一个与游戏相关的群名?"], "class": "起名字"}
{"content": ["给历史研究小组起个韵味的名字"], "class": "起名字"}
{"content": ["取两个能体现女孩子聪明伶俐的英文名字"], "class": "起名字"}
{"content": ["我写了一篇冒险类的小说,帮主人公起一个名字"], "class": "起名字"}
{"content": ["孩子抓阄抓到了算盘,对数学也很感兴趣,我比较希望他前途无量,帮我起个好寓意的名字。"], "class": "起名字"}
{"content": ["朋友姓吴,想给儿子取个大气、悦耳好听的名字,你能帮我取一个吗?最好是寓意沉稳大气,前程无量的。"], "class": "起名字"}
{"content": ["家人文凭不高,想给孩子取个有寓意的名字,帮忙起个名字,再解释一下这个名字的寓意"], "class": "起名字"}
{"content": ["写了篇言情小说,帮忙给男女主角各起一个名字,希望是比较成熟的,男主角性格较沉稳,女主角性格比较活泼,二人事业都很成功。希望起好听一点的名字,女主角的名字要大方一点的,突出气质。"], "class": "起名字"}
{"content": ["男的名字要2个,不准用旋、吴、银女的名字要3个,不准用雪、美、恋;男女主角名字只能取两个字或三个字,其中一个男的名字中要有\"翼\"字!!!女的要有\"月\"字"], "class": "起名字"}
{"content": ["为一款新的巧克力产品设计商标名称,要求商标能够突出巧克力的美味"], "class": "起名字"}
{"content": ["公司的投资论坛需要一个与金融和投资相关的活动名称"], "class": "起名字"}
{"content": ["宠物类商标命名,类似宠物窝、猫舍、狗屋等这种,要求简洁、上口、易记,中英文商标一起命名"], "class": "起名字"}
{"content": ["现在动物园的大熊猫都有自己的名字,前几天,跳跳生了一个男性熊猫宝宝,请帮饲养员给熊猫起个名字吧。"], "class": "起名字"}
{"content": ["帮宠物狗起名字,要有个性、新颖好听的"], "class": "起名字"}
{"content": ["买了只英短猫,母的,帮我取个名字吧"], "class": "起名字"}
{"content": ["我想给我的宠物蜥蜴起一个与水果相关的名字可以帮我取一个吗不超过4个字"], "class": "起名字"}
{"content": ["为“庆祝英雄联盟十周年”设计一篇文章标题主题不限要求10个字以内"], "class": "起名字"}
{"content": ["我们是考研机构最近写了一篇辅助考研生如何备考、如何设计学习规划的文章帮我们想一个题目10个字以内"], "class": "起名字"}
{"content": ["为介绍“steam”春季特惠活动的文章起一个名字要求不能标题党但是足够吸引人眼球"], "class": "起名字"}
{"content": ["我们是一家专做中式炸鸡的商家帮我们设计宣传单的标题要求20字以内能够吸引顾客让顾客看到就想来店里尝试一下"], "class": "起名字"}
{"content": ["给一篇描述汶川大地震发生的感人故事起一个标题"], "class": "起名字"}
{"content": ["以“未来科技生活”起一个标题要求字数不超过20字并有一定未来感吸引人主题自拟"], "class": "起名字"}
{"content": ["迎风沐雨,通微入妙,帮我起一个包含“沐”字的清新网名。"], "class": "起名字"}
{"content": ["我最近在做评测,本次评测包含洗衣机、空气炸锅、电动牙刷和手机。帮我设计一个评测文章标题,要体现文章做了那些评测,并要足够吸引人"], "class": "起名字"}

41
eval/EVALUATION.md Normal file
View File

@ -0,0 +1,41 @@
## 评测复现
- CEVAL
```Shell
wget https://huggingface.co/datasets/ceval/ceval-exam/resolve/main/ceval-exam.zip
mkdir data/ceval
mv ceval-exam.zip data/ceval
cd data/ceval; unzip ceval-exam.zip
cd ../../
# Skywork-13B-Base
python evaluate_ceval.py -d data/ceval/
```
- MMLU
```Shell
wget https://people.eecs.berkeley.edu/~hendrycks/data.tar
mkdir data/mmlu
mv data.tar data/mmlu
cd data/mmlu; tar xf data.tar
cd ../../
# Skywork-13B-Base
python evaluate_mmlu.py -d data/mmlu/data/
```
- CMMLU
```Shell
wget https://huggingface.co/datasets/haonan-li/cmmlu/resolve/main/cmmlu_v1_0_1.zip
mkdir data/cmmlu
mv cmmlu_v1_0_1.zip data/cmmlu
cd data/cmmlu; unzip cmmlu_v1_0_1.zip
cd ../../
# Skywork-13B-Base
python evaluate_cmmlu.py -d data/cmmlu/
```

165
eval/eval_gsm8k.py Normal file
View File

@ -0,0 +1,165 @@
# origin code from https://github.com/QwenLM/Qwen/blob/main/eval/evaluate_gsm8k.py
import re
import torch
import argparse
import jsonlines
import numpy as np
import datasets
from datasets import load_from_disk, load_dataset
from transformers import AutoModelForCausalLM, AutoTokenizer
from transformers.generation import GenerationConfig
ANS_RE = re.compile(r"#### (\-?[0-9\.\,]+)")
ans_re1 = re.compile(r"(\-?[0-9][0-9\.\,]*)")
ans_re2 = re.compile(r'=\s*(\$?-?[0-9][0-9\.\,]*)')
prefix_sky1 = 'answer is'
prefix_sky2 = '答案是'
INVALID_ANS = "[invalid]"
def get_match_str(match, idx):
match_str = match[idx]
match_str = match_str.replace(",", "")
if match_str.endswith('.'):
match_str = match_str[:-1]
if match_str.endswith('.00'):
match_str = match_str[:-3]
if match_str.endswith('.0'):
match_str = match_str[:-2]
return match_str
def doc_to_text(doc):
return (
fewshot_prompt
+ "\nQuestion: "
+ doc["question"]
+ "\nLet's think step by step\n"
)
def decode(tokens_list, tokenizer, raw_text_len):
sents = []
# print(len(tokens_list))
for tokens in tokens_list:
tokens = tokens.cpu().numpy().tolist()
sent = tokenizer.decode(
tokens[raw_text_len:])
sents.append(sent)
return sents
def generate_sample(model, tokenizer, input_txt):
input_ids = tokenizer([input_txt], padding=False)["input_ids"]
context_enc = torch.tensor(input_ids, device=model.device)
raw_text_len = len(input_ids[0])
print(f"Input text: {input_txt}\n")
outputs = model.generate(context_enc, pad_token_id=tokenizer.pad_token_id)
output_text = decode(outputs, tokenizer, raw_text_len)[0]
print(f"\nOutput text: {output_text}\n")
return output_text
def extract_answer_hf(completion):
match = ANS_RE.search(completion)
if match:
match_str = match.group(1).strip()
match_str = match_str.replace(",", "")
return eval(match_str)
else:
return INVALID_ANS
def extract_answer(text):
if prefix_sky1 in text:
text = text.split(prefix_sky1)[-1]
if prefix_sky2 in text:
text = text.split(prefix_sky2)[-1]
match1 = re.findall(ans_re1, text)
match2 = re.findall(ans_re2, text)
ans = []
if match1:
match_str1 = get_match_str(match1, -1)
ans.append(match_str1)
if match2:
match_str2 = get_match_str(match2, -1).replace('$','')
ans.append(match_str2)
if len(ans) > 0:
return eval(ans[-1])
else:
return INVALID_ANS
def is_correct(completion, answer):
completion = completion.split('<|endoftext|>')[0]
completion = completion.split('\n\n\n')[0]
completion = completion.split("\n\n")[0]
completion = completion.split("Question:")[0]
gold = extract_answer_hf(answer)
assert gold != INVALID_ANS, "No ground truth answer found in the document."
clear_answer = extract_answer(completion)
return clear_answer == gold
if __name__ == "__main__":
parser = argparse.ArgumentParser(description="Test HF checkpoint.")
parser.add_argument(
"-c",
"--checkpoint-path",
type=str,
help="Checkpoint path",
default="",
)
parser.add_argument("-f", "--sample-input-file", type=str, default=None)
parser.add_argument(
"-o", "--sample-output-file", type=str, default="gsm8k_res.jsonl"
)
args = parser.parse_args()
fewshot_prompt = open("./eval/gsm8k_prompt.txt").read()
if args.sample_input_file is not None:
dataset = load_from_disk(args.sample_input_file)
else:
config = datasets.DownloadConfig(resume_download=True, max_retries=100)
dataset = load_dataset("gsm8k", "main", download_config=config)
test = dataset["test"]
print("Loading tokenizer ...")
tokenizer = AutoTokenizer.from_pretrained(
args.checkpoint_path, trust_remote_code=True, padding_side='left'
)
if "qwen" in args.checkpoint_path.lower():
tokenizer.pad_token = '<|extra_0|>'
tokenizer.eos_token = '<|endoftext|>'
else:
tokenizer.pad_token = tokenizer.eos_token if tokenizer.eos_token is not None else "[PAD]"
print("Loading model ...")
model = AutoModelForCausalLM.from_pretrained(
args.checkpoint_path, device_map="auto", trust_remote_code=True
).eval()
model.generation_config = GenerationConfig.from_pretrained(
args.checkpoint_path, trust_remote_code=True
)
model.generation_config.do_sample = False
f_output = jsonlines.Writer(open(args.sample_output_file, "w", encoding="utf-8"))
tot_length = test.num_rows
acc_res = []
for doc in test:
context = doc_to_text(doc)
completion = generate_sample(model, tokenizer, context)
answer = doc["answer"]
acc = is_correct(completion, answer)
doc["completion"] = completion
doc["acc"] = acc
f_output.write(doc)
acc_res.append(acc)
f_output.close()
print(acc_res)
print("Acc: ", np.mean(acc_res))
# Acc 0.558

153
eval/eval_loss.py Normal file
View File

@ -0,0 +1,153 @@
#!/usr/bin/env python
# coding=utf-8
import numpy as np
from itertools import chain
from typing import Optional, List, Dict, Any, Mapping
from pathlib import Path
import datasets
import torch
from datasets import load_dataset, concatenate_datasets
from tqdm import tqdm
import transformers
from transformers import AutoTokenizer
from transformers import (
CONFIG_MAPPING,
AutoConfig,
AutoModelForCausalLM
)
import tensor_parallel as tp
import sys
import gc
import argparse
from functools import partial
import os
import random
from transformers.trainer_utils import set_seed
from torch.nn.utils.rnn import pad_sequence
from torch.nn import CrossEntropyLoss
import pickle
device = "cuda"
def compute_loss(tokenized_texts, attention_mask, model, tokenizer, add_start_token=False):
loss_func = CrossEntropyLoss(reduction="none")
if add_start_token:
tokenizer.bos_token = getattr(tokenizer, "bos_token", "<s>")
tokenizer.bos_token_id = getattr(tokenizer, "bos_token_id", len(tokenizer)-101 )
bos_tokens_tensor = torch.tensor(
[[tokenizer.bos_token_id]] * tokenized_texts.size(dim=0))
tokenized_texts = torch.cat(
[bos_tokens_tensor, tokenized_texts], dim=1).to(device)
attention_mask = torch.cat(
[torch.ones(bos_tokens_tensor.size(), dtype=torch.int64), attention_mask], dim=1
).to(device)
else:
tokenized_texts = tokenized_texts.to(device)
attention_mask = attention_mask.to(device)
labels = tokenized_texts[:, 1:]
with torch.no_grad():
logits = model(tokenized_texts, attention_mask=attention_mask).logits
logits = logits[:, :-1]
attention_mask = attention_mask[:, :-1]
loss = loss_func(logits.transpose(1, 2), labels) * attention_mask
num_tokens = torch.sum(attention_mask).item()
return torch.sum(loss).item(), num_tokens
def load_model_tokenizer_config():
from transformers import AutoModelForCausalLM, AutoTokenizer, AutoConfig
from transformers.generation import GenerationConfig
config = AutoConfig.from_pretrained(args.model_path, trust_remote_code=True)
tokenizer = AutoTokenizer.from_pretrained(args.model_path, use_fast=False, trust_remote_code=True)
model = AutoModelForCausalLM.from_pretrained(args.model_path, device_map="auto", config=config, trust_remote_code=True).eval()
model.generation_config = GenerationConfig.from_pretrained(args.model_path, trust_remote_code=True)
while config.num_attention_heads % args.n_gpus != 0:
args.n_gpus //= 2
args.batch_size //= 2
return model, tokenizer, config
def main():
model, tokenizer, config = load_model_tokenizer_config()
tokenizer.padding_size = "right"
if "qwen-14b" in args.model_path.lower():
tokenizer.pad_token = '<|extra_0|>'
tokenizer.eos_token = '<|endoftext|>'
args.batch_size = 1
args.n_gpus = 1
else:
tokenizer.pad_token = tokenizer.eos_token if tokenizer.eos_token is not None else "[PAD]"
os.makedirs(os.path.dirname(args.output_file), exist_ok=True)
if args.data_type is not None:
raw_dataset = datasets.load_dataset(args.data_type, data_files=args.dataset, split=args.split if len(args.split) > 0 else None)
else:
raw_dataset = datasets.load_dataset(args.dataset, name=args.subset if len(args.subset) > 0 else None, split=args.split if len(args.split) > 0 else None)
input_texts = raw_dataset[args.input_text_field]
if args.max_tokens is not None:
input_texts = [text[:args.max_tokens//3] for text in input_texts]
if args.max_samples is not None:
input_texts = input_texts[:args.max_samples]
print("input_texts numbers is", len(input_texts))
torch.cuda.empty_cache()
model = tp.tensor_parallel(model, [i for i in range(args.n_gpus)])
total_loss = 0
total_tokens = 0
for i in tqdm(range(0, len(input_texts), args.batch_size), total = len(input_texts) // args.batch_size):
start_idx = i
end_idx = min(i + args.batch_size, len(input_texts))
batch_texts = input_texts[start_idx:end_idx]
tokenized_texts = tokenizer(batch_texts, add_special_tokens=False, padding=True, truncation=True, max_length=args.max_tokens, return_tensors="pt")
loss, num_tokens = compute_loss(tokenized_texts=tokenized_texts["input_ids"], attention_mask=tokenized_texts["attention_mask"], model=model, tokenizer=tokenizer,
add_start_token=False)
total_loss += loss
total_tokens += num_tokens
with open(args.output_file, "w", encoding="utf8") as f:
avg_loss = total_loss / total_tokens
f.write(f"{avg_loss:.4f}\t{total_tokens}\n")
print(f"{avg_loss:.4f}\t{total_tokens}\n")
def set_seed(seed: int):
"""
Helper function for reproducible behavior to set the seed in `random`, `numpy`, `torch` and/or `tf` (if installed).
Args:
seed (`int`): The seed to set.
"""
random.seed(seed)
np.random.seed(seed)
torch.manual_seed(seed)
torch.cuda.manual_seed_all(seed)
if __name__ == '__main__':
parser = argparse.ArgumentParser()
parser.add_argument("-m", "--model_path", type=str, default="")
parser.add_argument("-d", "--dataset", type=str, default="emozilla/pg19")
parser.add_argument("-s", "--subset", type=str, default=None)
parser.add_argument("-i", "--input-text-field", type=str, default="text")
parser.add_argument("-b", "--batch-size", type=int, default="batch size")
parser.add_argument("-o", "--output-file", type=str)
parser.add_argument("--max-tokens", type=int, default=4096)
parser.add_argument("--max-samples", type=int, default=None)
parser.add_argument("--data-type", type=str, default=None)
parser.add_argument("--n-gpus", type=int, default=None)
parser.add_argument("--aggressive-memory", action="store_true")
parser.add_argument("--split", type=str, default="train")
args = parser.parse_args()
set_seed(1234)
main()

505
eval/evaluate_ceval.py Normal file
View File

@ -0,0 +1,505 @@
# origin code from https://github.com/QwenLM/Qwen/blob/main/eval/evaluate_ceval.py
import os
from typing import List
import argparse
import torch
import pandas as pd
import numpy as np
from tqdm import tqdm
from transformers.trainer_utils import set_seed
from transformers import AutoModelForCausalLM, AutoTokenizer
from transformers.generation import GenerationConfig
'''
wget https://huggingface.co/datasets/ceval/ceval-exam/resolve/main/ceval-exam.zip
mkdir data/ceval
mv ceval-exam.zip data/ceval
cd data/ceval; unzip ceval-exam.zip
cd ../../
python evaluate_ceval.py -d data/ceval/
'''
task2desc = {
"high_school_physics": "高中物理",
"fire_engineer": "注册消防工程师",
"computer_network": "计算机网络",
"advanced_mathematics": "高等数学",
"logic": "逻辑学",
"middle_school_physics": "初中物理",
"clinical_medicine": "临床医学",
"probability_and_statistics": "概率统计",
"ideological_and_moral_cultivation": "思想道德修养与法律基础",
"operating_system": "操作系统",
"middle_school_mathematics": "初中数学",
"chinese_language_and_literature": "中国语言文学",
"electrical_engineer": "注册电气工程师",
"business_administration": "工商管理",
"high_school_geography": "高中地理",
"modern_chinese_history": "近代史纲要",
"legal_professional": "法律职业资格",
"middle_school_geography": "初中地理",
"middle_school_chemistry": "初中化学",
"high_school_biology": "高中生物",
"high_school_chemistry": "高中化学",
"physician": "医师资格",
"high_school_chinese": "高中语文",
"tax_accountant": "税务师",
"high_school_history": "高中历史",
"mao_zedong_thought": "毛泽东思想和中国特色社会主义理论概论",
"high_school_mathematics": "高中数学",
"professional_tour_guide": "导游资格",
"veterinary_medicine": "兽医学",
"environmental_impact_assessment_engineer": "环境影响评价工程师",
"basic_medicine": "基础医学",
"education_science": "教育学",
"urban_and_rural_planner": "注册城乡规划师",
"middle_school_biology": "初中生物",
"plant_protection": "植物保护",
"middle_school_history": "初中历史",
"high_school_politics": "高中政治",
"metrology_engineer": "注册计量师",
"art_studies": "艺术学",
"college_economics": "大学经济学",
"college_chemistry": "大学化学",
"law": "法学",
"sports_science": "体育学",
"civil_servant": "公务员",
"college_programming": "大学编程",
"middle_school_politics": "初中政治",
"teacher_qualification": "教师资格",
"computer_architecture": "计算机组成",
"college_physics": "大学物理",
"discrete_mathematics": "离散数学",
"marxism": "马克思主义基本原理",
"accountant": "注册会计师",
}
def load_models_tokenizer(args):
tokenizer = AutoTokenizer.from_pretrained(
args.checkpoint_path, trust_remote_code=True
)
model = AutoModelForCausalLM.from_pretrained(
args.checkpoint_path, device_map="auto", trust_remote_code=True
).eval()
model.generation_config = GenerationConfig.from_pretrained(
args.checkpoint_path, trust_remote_code=True
)
return model, tokenizer
def format_example(line, subject, include_answer=True):
example = f"以下是中国关于{task2desc[subject]}考试的单项选择题,请选出其中的正确答案。\n\n"
example = example + line["question"]
for choice in choices:
example += f'\n{choice}. {line[f"{choice}"]}'
if include_answer:
example += "\n答案:" + line["answer"] + "\n\n"
else:
example += "\n答案:"
return example
def generate_few_shot_prompt(k, subject, dev_df):
prompt = ""
if k == -1:
k = dev_df.shape[0]
for i in range(k):
prompt += format_example(
dev_df.iloc[i, :],
subject,
include_answer=True,
)
return prompt
def get_logits(tokenizer, model, inputs: List[str]):
input_ids = tokenizer(inputs, padding=False)["input_ids"]
input_ids = torch.tensor(input_ids, device=model.device)
tokens = {"input_ids": input_ids}
outputs = model(input_ids)["logits"]
logits = outputs[:, -1, :]
log_probs = torch.nn.functional.softmax(logits, dim=-1)
return log_probs, {"tokens": tokens}
@torch.no_grad()
def eval_subject(
model,
tokenizer,
subject_name,
test_df,
k=5,
dev_df=None,
few_shot=False,
save_result_dir=None,
**kwargs,
):
file_path = os.path.join(save_result_dir, f"{subject_name}_result.csv") if save_result_dir else None
if file_path and os.path.exists(file_path):
# Read the file, extract the 'correctness' column, and calculate correct_ratio
existing_df = pd.read_csv(file_path, encoding="utf-8")
if "correctness" in existing_df:
correct_ratio = 100 * existing_df["correctness"].sum() / len(existing_df["correctness"])
return correct_ratio
result = []
score = []
few_shot_prompt = (
generate_few_shot_prompt(k, subject_name, dev_df) if few_shot else ""
)
all_probs = {"prob_A": [], "prob_B": [], "prob_C": [], "prob_D": []}
if args.debug:
print(f"few_shot_prompt: {few_shot_prompt}")
for _, row in tqdm(test_df.iterrows(), total=len(test_df)):
question = format_example(row, subject_name, include_answer=False)
full_prompt = few_shot_prompt + question
output, input_info = get_logits(tokenizer, model, [full_prompt])
assert output.shape[0] == 1
logits = output.flatten()
softval = torch.nn.functional.softmax(
torch.tensor(
[
logits[tokenizer("A")["input_ids"][-1]],
logits[tokenizer("B")["input_ids"][-1]],
logits[tokenizer("C")["input_ids"][-1]],
logits[tokenizer("D")["input_ids"][-1]],
]
),
dim=0,
)
if softval.dtype in {torch.bfloat16, torch.float16}:
softval = softval.to(dtype=torch.float32)
probs = softval.detach().cpu().numpy()
for i, choice in enumerate(choices):
all_probs[f"prob_{choice}"].append(probs[i])
pred = {0: "A", 1: "B", 2: "C", 3: "D"}[np.argmax(probs)]
if "answer" in row:
correct = 1 if pred == row["answer"] else 0
score.append(correct)
if args.debug:
print(f'{question} pred: {pred} ref: {row["answer"]}')
result.append(pred)
if score:
correct_ratio = 100 * sum(score) / len(score)
if args.debug:
print(subject_name, correct_ratio)
else:
correct_ratio = 0
if save_result_dir:
test_df["model_output"] = result
for i, choice in enumerate(choices):
test_df[f"prob_{choice}"] = all_probs[f"prob_{choice}"]
if score:
test_df["correctness"] = score
os.makedirs(save_result_dir, exist_ok=True)
test_df.to_csv(
os.path.join(save_result_dir, f"{subject_name}_result.csv"),
encoding="utf-8",
index=False,
)
return correct_ratio
def cal_ceval(res):
acc_sum_dict = dict()
acc_norm_sum_dict = dict()
cnt_dict = dict()
acc_sum = 0.0
cnt = 0
hard_cnt = 0
hard_acc_sum = 0.0
for tt in res.keys():
name = tt.split("-")[-1]
acc_sum += float(res[tt])
cnt += 1
class_ = TASK_NAME_MAPPING[name][2]
if class_ not in acc_sum_dict:
acc_sum_dict[class_] = 0.0
acc_norm_sum_dict[class_] = 0.0
cnt_dict[class_] = 0.0
if name in hard_list:
hard_cnt += 1
hard_acc_sum += float(res[tt])
acc_sum_dict[class_] += float(res[tt])
cnt_dict[class_] += 1
print("\n\n\n")
for k in ["STEM", "Social Science", "Humanities", "Other"]:
if k in cnt_dict:
print("%s acc: %.2f " % (k, acc_sum_dict[k] / cnt_dict[k]))
if hard_cnt > 0:
print("Hard acc:%.2f " % (hard_acc_sum / hard_cnt))
print("AVERAGE acc:%.2f " % (acc_sum / cnt))
TASK_NAME_MAPPING = {
"computer_network": ["Computer Network", "\u8ba1\u7b97\u673a\u7f51\u7edc", "STEM"],
"operating_system": ["Operating System", "\u64cd\u4f5c\u7cfb\u7edf", "STEM"],
"computer_architecture": [
"Computer Architecture",
"\u8ba1\u7b97\u673a\u7ec4\u6210",
"STEM",
],
"college_programming": ["College Programming", "\u5927\u5b66\u7f16\u7a0b", "STEM"],
"college_physics": ["College Physics", "\u5927\u5b66\u7269\u7406", "STEM"],
"college_chemistry": ["College Chemistry", "\u5927\u5b66\u5316\u5b66", "STEM"],
"advanced_mathematics": [
"Advanced Mathematics",
"\u9ad8\u7b49\u6570\u5b66",
"STEM",
],
"probability_and_statistics": [
"Probability and Statistics",
"\u6982\u7387\u7edf\u8ba1",
"STEM",
],
"discrete_mathematics": [
"Discrete Mathematics",
"\u79bb\u6563\u6570\u5b66",
"STEM",
],
"electrical_engineer": [
"Electrical Engineer",
"\u6ce8\u518c\u7535\u6c14\u5de5\u7a0b\u5e08",
"STEM",
],
"metrology_engineer": [
"Metrology Engineer",
"\u6ce8\u518c\u8ba1\u91cf\u5e08",
"STEM",
],
"high_school_mathematics": [
"High School Mathematics",
"\u9ad8\u4e2d\u6570\u5b66",
"STEM",
],
"high_school_physics": ["High School Physics", "\u9ad8\u4e2d\u7269\u7406", "STEM"],
"high_school_chemistry": [
"High School Chemistry",
"\u9ad8\u4e2d\u5316\u5b66",
"STEM",
],
"high_school_biology": ["High School Biology", "\u9ad8\u4e2d\u751f\u7269", "STEM"],
"middle_school_mathematics": [
"Middle School Mathematics",
"\u521d\u4e2d\u6570\u5b66",
"STEM",
],
"middle_school_biology": [
"Middle School Biology",
"\u521d\u4e2d\u751f\u7269",
"STEM",
],
"middle_school_physics": [
"Middle School Physics",
"\u521d\u4e2d\u7269\u7406",
"STEM",
],
"middle_school_chemistry": [
"Middle School Chemistry",
"\u521d\u4e2d\u5316\u5b66",
"STEM",
],
"veterinary_medicine": ["Veterinary Medicine", "\u517d\u533b\u5b66", "STEM"],
"college_economics": [
"College Economics",
"\u5927\u5b66\u7ecf\u6d4e\u5b66",
"Social Science",
],
"business_administration": [
"Business Administration",
"\u5de5\u5546\u7ba1\u7406",
"Social Science",
],
"marxism": [
"Marxism",
"\u9a6c\u514b\u601d\u4e3b\u4e49\u57fa\u672c\u539f\u7406",
"Social Science",
],
"mao_zedong_thought": [
"Mao Zedong Thought",
"\u6bdb\u6cfd\u4e1c\u601d\u60f3\u548c\u4e2d\u56fd\u7279\u8272\u793e\u4f1a\u4e3b\u4e49\u7406\u8bba\u4f53\u7cfb\u6982\u8bba",
"Social Science",
],
"education_science": ["Education Science", "\u6559\u80b2\u5b66", "Social Science"],
"teacher_qualification": [
"Teacher Qualification",
"\u6559\u5e08\u8d44\u683c",
"Social Science",
],
"high_school_politics": [
"High School Politics",
"\u9ad8\u4e2d\u653f\u6cbb",
"Social Science",
],
"high_school_geography": [
"High School Geography",
"\u9ad8\u4e2d\u5730\u7406",
"Social Science",
],
"middle_school_politics": [
"Middle School Politics",
"\u521d\u4e2d\u653f\u6cbb",
"Social Science",
],
"middle_school_geography": [
"Middle School Geography",
"\u521d\u4e2d\u5730\u7406",
"Social Science",
],
"modern_chinese_history": [
"Modern Chinese History",
"\u8fd1\u4ee3\u53f2\u7eb2\u8981",
"Humanities",
],
"ideological_and_moral_cultivation": [
"Ideological and Moral Cultivation",
"\u601d\u60f3\u9053\u5fb7\u4fee\u517b\u4e0e\u6cd5\u5f8b\u57fa\u7840",
"Humanities",
],
"logic": ["Logic", "\u903b\u8f91\u5b66", "Humanities"],
"law": ["Law", "\u6cd5\u5b66", "Humanities"],
"chinese_language_and_literature": [
"Chinese Language and Literature",
"\u4e2d\u56fd\u8bed\u8a00\u6587\u5b66",
"Humanities",
],
"art_studies": ["Art Studies", "\u827a\u672f\u5b66", "Humanities"],
"professional_tour_guide": [
"Professional Tour Guide",
"\u5bfc\u6e38\u8d44\u683c",
"Humanities",
],
"legal_professional": [
"Legal Professional",
"\u6cd5\u5f8b\u804c\u4e1a\u8d44\u683c",
"Humanities",
],
"high_school_chinese": [
"High School Chinese",
"\u9ad8\u4e2d\u8bed\u6587",
"Humanities",
],
"high_school_history": [
"High School History",
"\u9ad8\u4e2d\u5386\u53f2",
"Humanities",
],
"middle_school_history": [
"Middle School History",
"\u521d\u4e2d\u5386\u53f2",
"Humanities",
],
"civil_servant": ["Civil Servant", "\u516c\u52a1\u5458", "Other"],
"sports_science": ["Sports Science", "\u4f53\u80b2\u5b66", "Other"],
"plant_protection": ["Plant Protection", "\u690d\u7269\u4fdd\u62a4", "Other"],
"basic_medicine": ["Basic Medicine", "\u57fa\u7840\u533b\u5b66", "Other"],
"clinical_medicine": ["Clinical Medicine", "\u4e34\u5e8a\u533b\u5b66", "Other"],
"urban_and_rural_planner": [
"Urban and Rural Planner",
"\u6ce8\u518c\u57ce\u4e61\u89c4\u5212\u5e08",
"Other",
],
"accountant": ["Accountant", "\u6ce8\u518c\u4f1a\u8ba1\u5e08", "Other"],
"fire_engineer": [
"Fire Engineer",
"\u6ce8\u518c\u6d88\u9632\u5de5\u7a0b\u5e08",
"Other",
],
"environmental_impact_assessment_engineer": [
"Environmental Impact Assessment Engineer",
"\u73af\u5883\u5f71\u54cd\u8bc4\u4ef7\u5de5\u7a0b\u5e08",
"Other",
],
"tax_accountant": ["Tax Accountant", "\u7a0e\u52a1\u5e08", "Other"],
"physician": ["Physician", "\u533b\u5e08\u8d44\u683c", "Other"],
}
hard_list = [
"advanced_mathematics",
"discrete_mathematics",
"probability_and_statistics",
"college_physics",
"college_chemistry",
"high_school_mathematics",
"high_school_physics",
"high_school_chemistry",
]
choices = ["A", "B", "C", "D"]
def main(args):
model, tokenizer = load_models_tokenizer(args)
dev_result = {}
for subject_name in tqdm(TASK_NAME_MAPPING.keys()):
val_file_path = os.path.join(
args.eval_data_path, "val", f"{subject_name}_val.csv"
)
dev_file_path = os.path.join(
args.eval_data_path, "dev", f"{subject_name}_dev.csv"
)
# test_file_path = os.path.join(args.eval_data_path, 'test', f'{subject_name}_test.csv')
val_df = pd.read_csv(val_file_path)
dev_df = pd.read_csv(dev_file_path)
# test_df = pd.read_csv(test_file_path)
score = eval_subject(
model,
tokenizer,
subject_name,
val_df,
dev_df=dev_df,
k=5,
few_shot=True,
save_result_dir=f"outs/ceval_eval_result",
)
dev_result[subject_name] = score
cal_ceval(dev_result)
if __name__ == "__main__":
parser = argparse.ArgumentParser(description="Test HF checkpoint.")
parser.add_argument(
"-c",
"--checkpoint-path",
type=str,
help="Checkpoint path",
default="/data/shared/public/liang.zhao/skywork-13b-models/skywork-13b-base/",
)
parser.add_argument("-s", "--seed", type=int, default=1234, help="Random seed")
# Provide extra arguments required for tasks
group = parser.add_argument_group(title="Evaluation options")
group.add_argument(
"-d", "--eval_data_path", type=str, required=True, help="Path to eval data"
)
group.add_argument(
"--max-seq-len",
type=int,
default=2048,
help="Size of the output generated text.",
)
group.add_argument(
"--debug", action="store_true", default=False, help="Print infos."
)
args = parser.parse_args()
set_seed(args.seed)
main(args)
# STEM acc: 51.22
# Social Science acc: 74.59
# Humanities acc: 67.82
# Other acc: 57.48
# Hard acc:39.41
# AVERAGE acc:60.55

412
eval/evaluate_cmmlu.py Normal file
View File

@ -0,0 +1,412 @@
# origin code from https://github.com/QwenLM/Qwen/blob/main/eval/evaluate_cmmlu.py
import os
import pandas as pd
import numpy as np
import argparse
import datasets
import torch
from collections import defaultdict
from typing import List
from tqdm import tqdm
from transformers.trainer_utils import set_seed
"""
wget https://huggingface.co/datasets/haonan-li/cmmlu/resolve/main/cmmlu_v1_0_1.zip
mkdir data/cmmlu
mv cmmlu_v1_0_1.zip data/cmmlu
cd data/cmmlu; unzip cmmlu_v1_0_1.zip
cd ../../
python evaluate_cmmlu.py -d data/cmmlu/
"""
task2desc = {
"agronomy": "农学",
"anatomy": "解剖学",
"ancient_chinese": "古汉语",
"arts": "艺术学",
"astronomy": "天文学",
"business_ethics": "商业伦理",
"chinese_civil_service_exam": "中国公务员考试",
"chinese_driving_rule": "中国驾驶规则",
"chinese_food_culture": "中国饮食文化",
"chinese_foreign_policy": "中国外交政策",
"chinese_history": "中国历史",
"chinese_literature": "中国文学",
"chinese_teacher_qualification": "中国教师资格",
"clinical_knowledge": "临床知识",
"college_actuarial_science": "大学精算学",
"college_education": "大学教育学",
"college_engineering_hydrology": "大学工程水文学",
"college_law": "大学法律",
"college_mathematics": "大学数学",
"college_medical_statistics": "大学医学统计",
"college_medicine": "大学医学",
"computer_science": "计算机科学",
"computer_security": "计算机安全",
"conceptual_physics": "概念物理学",
"construction_project_management": "建设工程管理",
"economics": "经济学",
"education": "教育学",
"electrical_engineering": "电气工程",
"elementary_chinese": "小学语文",
"elementary_commonsense": "小学常识",
"elementary_information_and_technology": "小学信息技术",
"elementary_mathematics": "初等数学",
"ethnology": "民族学",
"food_science": "食品科学",
"genetics": "遗传学",
"global_facts": "全球事实",
"high_school_biology": "高中生物",
"high_school_chemistry": "高中化学",
"high_school_geography": "高中地理",
"high_school_mathematics": "高中数学",
"high_school_physics": "高中物理学",
"high_school_politics": "高中政治",
"human_sexuality": "人类性行为",
"international_law": "国际法学",
"journalism": "新闻学",
"jurisprudence": "法理学",
"legal_and_moral_basis": "法律与道德基础",
"logical": "逻辑学",
"machine_learning": "机器学习",
"management": "管理学",
"marketing": "市场营销",
"marxist_theory": "马克思主义理论",
"modern_chinese": "现代汉语",
"nutrition": "营养学",
"philosophy": "哲学",
"professional_accounting": "专业会计",
"professional_law": "专业法学",
"professional_medicine": "专业医学",
"professional_psychology": "专业心理学",
"public_relations": "公共关系",
"security_study": "安全研究",
"sociology": "社会学",
"sports_science": "体育学",
"traditional_chinese_medicine": "中医中药",
"virology": "病毒学",
"world_history": "世界历史",
"world_religions": "世界宗教",
}
def load_models_tokenizer(args):
from transformers import AutoModelForCausalLM, AutoTokenizer
from transformers.generation import GenerationConfig
tokenizer = AutoTokenizer.from_pretrained(
args.checkpoint_path, trust_remote_code=True
)
model = AutoModelForCausalLM.from_pretrained(
args.checkpoint_path, device_map="auto", trust_remote_code=True
).eval()
model.generation_config = GenerationConfig.from_pretrained(
args.checkpoint_path, trust_remote_code=True
)
return model, tokenizer
def format_example(line, subject, include_answer=True):
example = f"以下是关于{task2desc[subject]}的单项选择题,请直接给出正确答案的选项。\n\n"
example = example + "题目:" + line["Question"]
for choice in choices:
example += f'\n{choice}. {line[f"{choice}"]}'
if include_answer:
example += "\n答案:" + line["Answer"] + "\n\n"
else:
example += "\n答案:"
return example
def generate_few_shot_prompt(k, subject, dev_df):
prompt = ""
if k == -1:
k = dev_df.shape[0]
for i in range(k):
prompt += format_example(
dev_df.iloc[i, :],
subject,
include_answer=True,
)
return prompt
def get_logits(tokenizer, model, inputs: List[str]):
input_ids = tokenizer(inputs, padding=False)["input_ids"]
input_ids = torch.tensor(input_ids, device=model.device)
tokens = {"input_ids": input_ids}
outputs = model(input_ids)["logits"]
logits = outputs[:, -1, :]
log_probs = torch.nn.functional.softmax(logits, dim=-1)
return log_probs, {"tokens": tokens}
@torch.no_grad()
def eval_subject(
model,
tokenizer,
subject_name,
test_df,
k=5,
dev_df=None,
few_shot=False,
save_result_dir=None,
**kwargs,
):
file_path = os.path.join(save_result_dir, f"{subject_name}_result.csv") if save_result_dir else None
if file_path and os.path.exists(file_path):
# Read the file, extract the 'correctness' column, and calculate correct_ratio
existing_df = pd.read_csv(file_path, encoding="utf-8")
if "correctness" in existing_df:
correct_ratio = 100 * existing_df["correctness"].sum() / len(existing_df["correctness"])
return correct_ratio
result = []
score = []
few_shot_prompt = (
generate_few_shot_prompt(k, subject_name, dev_df) if few_shot else []
)
all_probs = {"prob_A": [], "prob_B": [], "prob_C": [], "prob_D": []}
if args.debug:
print(f"few_shot_prompt: {few_shot_prompt}")
for _, row in tqdm(test_df.iterrows(), total=len(test_df)):
question = format_example(row, subject_name, include_answer=False)
full_prompt = few_shot_prompt + question
output, input_info = get_logits(tokenizer, model, [full_prompt])
assert output.shape[0] == 1
logits = output.flatten()
softval = torch.nn.functional.softmax(
torch.tensor(
[
logits[tokenizer("A")["input_ids"][-1]],
logits[tokenizer("B")["input_ids"][-1]],
logits[tokenizer("C")["input_ids"][-1]],
logits[tokenizer("D")["input_ids"][-1]],
]
),
dim=0,
)
if softval.dtype in {torch.bfloat16, torch.float16}:
softval = softval.to(dtype=torch.float32)
probs = softval.detach().cpu().numpy()
for i, choice in enumerate(choices):
all_probs[f"prob_{choice}"].append(probs[i])
pred = {0: "A", 1: "B", 2: "C", 3: "D"}[np.argmax(probs)]
if "Answer" in row:
correct = 1 if pred == row["Answer"] else 0
score.append(correct)
if args.debug:
print(f'{question} pred: {pred} ref: {row["Answer"]}')
result.append(pred)
if score:
correct_ratio = 100 * sum(score) / len(score)
if args.debug:
print(subject_name, correct_ratio)
else:
correct_ratio = 0
if save_result_dir:
test_df["model_output"] = result
for i, choice in enumerate(choices):
test_df[f"prob_{choice}"] = all_probs[f"prob_{choice}"]
if score:
test_df["correctness"] = score
os.makedirs(save_result_dir, exist_ok=True)
test_df.to_csv(
os.path.join(save_result_dir, f"{subject_name}_result.csv"),
encoding="utf-8",
index=False,
)
return correct_ratio
def cal_cmmlu(res):
print("\n\n\n")
res = {k.split("-")[-1]: float(v) for k, v in res.items()}
for k, v in TASK_NAME_MAPPING.items():
avg_acc = np.mean(list(map(lambda x: res[x], v)))
print(f"{k} acc: {avg_acc:.2f}")
avg_all_acc = np.mean(list(res.values()))
print(f"AVERAGE acc: {avg_all_acc:.2f}")
subcategories = {
"agronomy": ["other"],
"anatomy": ["biology"],
"ancient_chinese": ["linguistics", "china specific"],
"arts": ["arts"],
"astronomy": ["physics"],
"business_ethics": ["business"],
"chinese_civil_service_exam": ["politics", "china specific"],
"chinese_driving_rule": ["other", "china specific"],
"chinese_food_culture": ["culture", "china specific"],
"chinese_foreign_policy": ["politics", "china specific"],
"chinese_history": ["history", "china specific"],
"chinese_literature": ["literature", "china specific"],
"chinese_teacher_qualification": ["education", "china specific"],
"college_actuarial_science": ["math"],
"college_education": ["education"],
"college_engineering_hydrology": ["engineering"],
"college_law": ["law"],
"college_mathematics": ["math"],
"college_medical_statistics": ["statistics"],
"clinical_knowledge": ["other"],
"college_medicine": ["other"],
"computer_science": ["computer science"],
"computer_security": ["other"],
"conceptual_physics": ["physics"],
"construction_project_management": ["other", "china specific"],
"economics": ["economics"],
"education": ["education"],
"elementary_chinese": ["linguistics", "china specific"],
"elementary_commonsense": ["other", "china specific"],
"elementary_information_and_technology": ["other"],
"electrical_engineering": ["engineering"],
"elementary_mathematics": ["math"],
"ethnology": ["culture", "china specific"],
"food_science": ["other"],
"genetics": ["biology"],
"global_facts": ["global"],
"high_school_biology": ["biology"],
"high_school_chemistry": ["chemistry"],
"high_school_geography": ["geography"],
"high_school_mathematics": ["math"],
"high_school_physics": ["physics"],
"high_school_politics": ["politics", "china specific"],
"human_sexuality": ["other"],
"international_law": ["law"],
"journalism": ["sociology"],
"jurisprudence": ["law"],
"legal_and_moral_basis": ["other"],
"logical": ["philosophy"],
"machine_learning": ["computer science"],
"management": ["business"],
"marketing": ["business"],
"marxist_theory": ["philosophy"],
"modern_chinese": ["linguistics", "china specific"],
"nutrition": ["other"],
"philosophy": ["philosophy"],
"professional_accounting": ["business"],
"professional_law": ["law"],
"professional_medicine": ["other"],
"professional_psychology": ["psychology"],
"public_relations": ["politics"],
"security_study": ["politics"],
"sociology": ["culture"],
"sports_science": ["other"],
"traditional_chinese_medicine": ["other", "china specific"],
"virology": ["biology"],
"world_history": ["history"],
"world_religions": ["global"],
}
categories = {
"STEM": [
"physics",
"chemistry",
"biology",
"computer science",
"math",
"engineering",
"statistics",
],
"Humanities": ["history", "philosophy", "law", "arts", "literature", "global"],
"Social Science": [
"linguistics",
"business",
"politics",
"culture",
"economics",
"geography",
"psychology",
"education",
"sociology",
],
"Other": ["other"],
"China specific": ["china specific"],
}
TASK_NAME_MAPPING = defaultdict(list)
for k, v in categories.items():
for subject, subcat in subcategories.items():
for c in subcat:
if c in v:
TASK_NAME_MAPPING[k].append(subject)
choices = ["A", "B", "C", "D"]
def main(args):
model, tokenizer = load_models_tokenizer(args)
test_result = {}
for subject_name in tqdm(subcategories.keys()):
dev_file_path = os.path.join(args.eval_data_path, "dev", f"{subject_name}.csv")
test_file_path = os.path.join(
args.eval_data_path, "test", f"{subject_name}.csv"
)
dev_df = pd.read_csv(dev_file_path)
test_df = pd.read_csv(test_file_path)
score = eval_subject(
model,
tokenizer,
subject_name,
dev_df=dev_df,
test_df=test_df,
k=5,
few_shot=True,
save_result_dir=f"outs/cmmlu_eval_result",
)
test_result[subject_name] = score
cal_cmmlu(test_result)
if __name__ == "__main__":
parser = argparse.ArgumentParser(description="Test HF checkpoint.")
parser.add_argument(
"-c",
"--checkpoint-path",
type=str,
help="Checkpoint path",
default="/data/shared/public/liang.zhao/skywork-13b-models/skywork-13b-base/",
)
parser.add_argument("-s", "--seed", type=int, default=1234, help="Random seed")
"""Provide extra arguments required for tasks."""
group = parser.add_argument_group(title="Evaluation options")
group.add_argument(
"-d", "--eval_data_path", type=str, required=True, help="Path to eval data"
)
group.add_argument(
"--max-seq-len",
type=int,
default=2048,
help="Size of the output generated text.",
)
group.add_argument(
"--debug", action="store_true", default=False, help="Print infos."
)
args = parser.parse_args()
set_seed(args.seed)
main(args)
# STEM acc: 49.53
# Humanities acc: 69.34
# Social Science acc: 65.85
# Other acc: 63.31
# China specific acc: 64.18
# AVERAGE acc: 61.82

328
eval/evaluate_mmlu.py Normal file
View File

@ -0,0 +1,328 @@
# origin code from https://github.com/QwenLM/Qwen/blob/main/eval/evaluate_mmlu.py
import os
from typing import List
import pandas as pd
import numpy as np
import argparse
import torch
from tqdm import tqdm
from transformers.trainer_utils import set_seed
from transformers import AutoModelForCausalLM, AutoTokenizer
from transformers.generation import GenerationConfig
"""
wget https://people.eecs.berkeley.edu/~hendrycks/data.tar
mkdir data/mmlu
mv data.tar data/mmlu
cd data/mmlu; tar xf data.tar
cd ../../
python eval/evaluate_mmlu.py -d data/mmlu/data/
"""
def load_models_tokenizer(args):
tokenizer = AutoTokenizer.from_pretrained(
args.checkpoint_path, trust_remote_code=True
)
model = AutoModelForCausalLM.from_pretrained(
args.checkpoint_path, device_map="auto", trust_remote_code=True
).eval()
model.generation_config = GenerationConfig.from_pretrained(
args.checkpoint_path, trust_remote_code=True
)
return model, tokenizer
def format_example(line, include_answer=True):
example = "Question: " + line["question"] + "\nChoices:\n"
for choice in choices:
example += f'{choice}. {line[f"{choice}"]}\n'
if include_answer:
example += "Answer: " + line["answer"] + "\n\n"
else:
example += "Answer:"
return example
def generate_few_shot_prompt(k, subject, dev_df):
def format_subject(subject):
l = subject.split("_")
s = ""
for entry in l:
s += " " + entry
return s.strip()
prompt = "The following are multiple choice questions (with answers) about {}.\n\n".format(
format_subject(subject)
)
if k == -1:
k = dev_df.shape[0]
for i in range(k):
prompt += format_example(
dev_df.iloc[i, :],
include_answer=True,
)
return prompt
def get_logits(tokenizer, model, inputs: List[str]):
input_ids = tokenizer(inputs, padding=False)["input_ids"]
input_ids = torch.tensor(input_ids, device=model.device)
if input_ids.shape[1] > args.max_seq_len:
input_ids = input_ids[:, input_ids.shape[1] - args.max_seq_len + 1 :]
tokens = {"input_ids": input_ids}
outputs = model(input_ids)["logits"]
logits = outputs[:, -1, :]
log_probs = torch.nn.functional.softmax(logits, dim=-1)
return log_probs, {"tokens": tokens}
@torch.no_grad()
def eval_subject(
model,
tokenizer,
subject_name,
test_df,
k=5,
dev_df=None,
few_shot=False,
save_result_dir=None,
**kwargs,
):
file_path = os.path.join(save_result_dir, f"{subject_name}_result.csv") if save_result_dir else None
if file_path and os.path.exists(file_path):
# Read the file, extract the 'correctness' column, and calculate correct_ratio
existing_df = pd.read_csv(file_path, encoding="utf-8")
if "correctness" in existing_df:
return list(existing_df["correctness"])
result = []
score = []
few_shot_prompt = (
generate_few_shot_prompt(k, subject_name, dev_df) if few_shot else []
)
all_probs = {"prob_A": [], "prob_B": [], "prob_C": [], "prob_D": []}
if args.debug:
print(f"few_shot_prompt: {few_shot_prompt}")
for _, row in tqdm(test_df.iterrows(), total=len(test_df)):
question = format_example(row, include_answer=False)
full_prompt = few_shot_prompt + question
output, input_info = get_logits(tokenizer, model, [full_prompt])
assert output.shape[0] == 1
logits = output.flatten()
softval = torch.nn.functional.softmax(
torch.tensor(
[
logits[tokenizer("A")["input_ids"][-1]],
logits[tokenizer("B")["input_ids"][-1]],
logits[tokenizer("C")["input_ids"][-1]],
logits[tokenizer("D")["input_ids"][-1]],
]
),
dim=0,
)
if softval.dtype in {torch.bfloat16, torch.float16}:
softval = softval.to(dtype=torch.float32)
probs = softval.detach().cpu().numpy()
for i, choice in enumerate(choices):
all_probs[f"prob_{choice}"].append(probs[i])
pred = {0: "A", 1: "B", 2: "C", 3: "D"}[np.argmax(probs)]
if "answer" in row:
correct = 1 if pred == row["answer"] else 0
score.append(correct)
if args.debug:
print(f'{question} pred: {pred} ref: {row["answer"]}')
result.append(pred)
if save_result_dir:
test_df["model_output"] = result
for i, choice in enumerate(choices):
test_df[f"prob_{choice}"] = all_probs[f"prob_{choice}"]
if score:
test_df["correctness"] = score
os.makedirs(save_result_dir, exist_ok=True)
test_df.to_csv(
os.path.join(save_result_dir, f"{subject_name}_result.csv"),
encoding="utf-8",
index=False,
)
return score
def cal_mmlu(res):
acc_sum_dict = dict()
acc_norm_sum_dict = dict()
cnt_dict = dict()
acc_sum = 0.0
cnt = 0
hard_cnt = 0
hard_acc_sum = 0.0
for class_ in TASK_NAME_MAPPING.keys():
acc_sum_dict[class_] = 0.0
acc_norm_sum_dict[class_] = 0.0
cnt_dict[class_] = 0.0
for tt in TASK_NAME_MAPPING[class_]:
acc_sum += sum(res[tt])
cnt += len(res[tt])
acc_sum_dict[class_] += sum(res[tt])
cnt_dict[class_] += len(res[tt])
print("\n\n\n", "total cnt:", cnt, "\n")
for k in TASK_NAME_MAPPING.keys():
if k in cnt_dict:
print("%s ACC: %.2f " % (k, acc_sum_dict[k] / cnt_dict[k] * 100))
print("AVERAGE ACC:%.2f " % (acc_sum / cnt * 100))
def main(args):
model, tokenizer = load_models_tokenizer(args)
dev_result = {}
for subject_name in tqdm(SUBJECTS):
# val_file_path = os.path.join(args.eval_data_path, 'val', f'{subject_name}_val.csv')
dev_file_path = os.path.join(
args.eval_data_path, "dev", f"{subject_name}_dev.csv"
)
test_file_path = os.path.join(
args.eval_data_path, "test", f"{subject_name}_test.csv"
)
# val_df = pd.read_csv(val_file_path, names=['question','A','B','C','D','answer'])
dev_df = pd.read_csv(
dev_file_path, names=["question", "A", "B", "C", "D", "answer"]
)
test_df = pd.read_csv(
test_file_path, names=["question", "A", "B", "C", "D", "answer"]
)
score = eval_subject(
model,
tokenizer,
subject_name,
test_df,
dev_df=dev_df,
k=5,
few_shot=True,
save_result_dir=f"outs/mmlu_eval_result",
)
dev_result[subject_name] = score
cal_mmlu(dev_result)
TASK_NAME_MAPPING = {
"stem": [
"abstract_algebra",
"anatomy",
"astronomy",
"college_biology",
"college_chemistry",
"college_computer_science",
"college_mathematics",
"college_physics",
"computer_security",
"conceptual_physics",
"electrical_engineering",
"elementary_mathematics",
"high_school_biology",
"high_school_chemistry",
"high_school_computer_science",
"high_school_mathematics",
"high_school_physics",
"high_school_statistics",
"machine_learning",
],
"Humanities": [
"formal_logic",
"high_school_european_history",
"high_school_us_history",
"high_school_world_history",
"international_law",
"jurisprudence",
"logical_fallacies",
"moral_disputes",
"moral_scenarios",
"philosophy",
"prehistory",
"professional_law",
"world_religions",
],
"other": [
"business_ethics",
"college_medicine",
"human_aging",
"management",
"marketing",
"medical_genetics",
"miscellaneous",
"nutrition",
"professional_accounting",
"professional_medicine",
"virology",
"global_facts",
"clinical_knowledge",
],
"social": [
"econometrics",
"high_school_geography",
"high_school_government_and_politics",
"high_school_macroeconomics",
"high_school_microeconomics",
"high_school_psychology",
"human_sexuality",
"professional_psychology",
"public_relations",
"security_studies",
"sociology",
"us_foreign_policy",
],
}
SUBJECTS = [v for vl in TASK_NAME_MAPPING.values() for v in vl]
choices = ["A", "B", "C", "D"]
if __name__ == "__main__":
parser = argparse.ArgumentParser(description="Test HF checkpoint.")
parser.add_argument(
"-c",
"--checkpoint-path",
type=str,
help="Checkpoint path",
default="/data/shared/public/liang.zhao/skywork-13b-models/skywork-13b-base/",
)
parser.add_argument("-s", "--seed", type=int, default=1234, help="Random seed")
parser.add_argument("--gpu", type=int, default=0, help="gpu id")
"""Provide extra arguments required for tasks."""
group = parser.add_argument_group(title="Evaluation options")
group.add_argument("-d", "--eval_data_path", type=str, help="Path to eval data")
group.add_argument(
"--max-seq-len",
type=int,
default=2048,
help="Size of the output generated text.",
)
group.add_argument(
"--debug", action="store_true", default=False, help="Print infos."
)
args = parser.parse_args()
set_seed(args.seed)
main(args)
# stem ACC: 51.63
# Humanities ACC: 57.96
# other ACC: 68.81
# social ACC: 72.47
# AVERAGE ACC:62.12

59
eval/gsm8k_prompt.txt Normal file
View File

@ -0,0 +1,59 @@
Question: In 2004, there were 60 kids at a cookout. In 2005, half the number of kids came to the cookout as compared to 2004. In 2006, 2/3 as many kids came to the cookout as in 2005. How many kids came to the cookout in 2006?
Let's think step by step
In 2005, 60/2=30 kids came to the cookout.
In 2006, 30/3*2=20 kids came to the cookout.
The answer is 20
Question: Zilla spent 7% of her monthly earnings on rent, half of it on her other monthly expenses, and put the rest in her savings. If she spent $133 on her rent, how much does she deposit into her savings account in a month?
Let's think step by step
Since $133 is equal to 7% of her earnings, then 1% is equal to $133/7 = $19.
The total monthly earning of Zilla is represented by 100%, so $19 x 100 = $1900 is her monthly earnings.
So, $1900/2 = $950 is spent on her other monthly expenses.
The total amount spent on the rent and other monthly expenses is $133 + $950 = $1083.
Hence, she saves $1900 - $1083 = $817 per month.
The answer is 817
Question: If Buzz bought a pizza with 78 slices at a restaurant and then decided to share it with the waiter in the ratio of 5:8, with Buzz's ratio being 5, what's twenty less the number of slices of pizza that the waiter ate?
Let's think step by step
The total ratio representing the slices of pizza that Buzz bought is 5+8=13
If he shared the slices of pizza with the waiter, the waiter received a fraction of 8/13 of the total number of slices, which totals 8/13 * 78 = 48 slices
Twenty less the number of slices of pizza that the waiter ate is 48-20 = 28
The answer is 28
Question: Jame gets a raise to $20 per hour and works 40 hours a week. His old job was $16 an hour for 25 hours per week. How much more money does he make per year in his new job than the old job if he works 52 weeks a year?
Let's think step by step
He makes 20*40=$800 per week
He used to make 16*25=$400 per week
So his raise was 800-400=$400 per week
So he makes 400*52=$20,800 per year more
The answer is 20800
Question: Mr. Gardner bakes 20 cookies, 25 cupcakes, and 35 brownies for his second-grade class of 20 students. If he wants to give each student an equal amount of sweet treats, how many sweet treats will each student receive?
Let's think step by step
Mr. Gardner bakes a total of 20 + 25 + 35 = 80 sweet treats
Each student will receive 80 / 20 = 4 sweet treats
The answer is 4
Question: A used car lot has 24 cars and motorcycles (in total) for sale. A third of the vehicles are motorcycles, and a quarter of the cars have a spare tire included. How many tires are on the used car lots vehicles in all?
Let's think step by step
The used car lot has 24 / 3 = 8 motorcycles with 2 tires each.
The lot has 24 - 8 = 16 cars for sale
There are 16 / 4 = 4 cars with a spare tire with 5 tires each.
The lot has 16 - 4 = 12 cars with 4 tires each.
Thus, the used car lots vehicles have 8 * 2 + 4 * 5 + 12 * 4 = 16 + 20 + 48 = 84 tires in all.
The answer is 84
Question: Norma takes her clothes to the laundry. She leaves 9 T-shirts and twice as many sweaters as T-shirts in the washer. When she returns she finds 3 sweaters and triple the number of T-shirts. How many items are missing?
Let's think step by step
Norma left 9 T-shirts And twice as many sweaters, she took 9 * 2= 18 sweaters
Adding the T-shirts and sweaters, Norma left 9 + 18 = 27 clothes
When she came back, she found 3 sweaters And triple the number of T-shirts, she found 3 * 3 = 9 T-shirts
Adding the T-shirts and sweaters, Norma found 3 + 9 = 12 clothes
Subtracting the clothes she left from the clothes she found, 27 - 12 = 15 clothes are missing
The answer is 15
Question: Adam has an orchard. Every day for 30 days he picks 4 apples from his orchard. After a month, Adam has collected all the remaining apples, which were 230. How many apples in total has Adam collected from his orchard?
Let's think step by step
During 30 days Adam picked 4 * 30 = 120 apples.
So in total with all the remaining apples, he picked 120 + 230 = 350 apples from his orchard.
The answer is 350

BIN
misc/chat_demo_1.gif Normal file

Binary file not shown.

After

Width:  |  Height:  |  Size: 2.3 MiB

BIN
misc/chat_demo_2.gif Normal file

Binary file not shown.

After

Width:  |  Height:  |  Size: 106 KiB

BIN
misc/chat_demo_3.gif Normal file

Binary file not shown.

After

Width:  |  Height:  |  Size: 543 KiB

Binary file not shown.

After

Width:  |  Height:  |  Size: 57 KiB

BIN
misc/skywork_icon.png Normal file

Binary file not shown.

After

Width:  |  Height:  |  Size: 7.9 KiB

BIN
misc/skywork_logo.jpeg Normal file

Binary file not shown.

After

Width:  |  Height:  |  Size: 77 KiB

BIN
misc/stage1_metrics.png Normal file

Binary file not shown.

After

Width:  |  Height:  |  Size: 264 KiB

BIN
misc/stage2_ceval.png Normal file

Binary file not shown.

After

Width:  |  Height:  |  Size: 125 KiB

BIN
misc/training_loss.png Normal file

Binary file not shown.

After

Width:  |  Height:  |  Size: 30 KiB

BIN
misc/wechat.jpeg Normal file

Binary file not shown.

After

Width:  |  Height:  |  Size: 197 KiB

BIN
misc/wechat.png Normal file

Binary file not shown.

After

Width:  |  Height:  |  Size: 67 KiB

5
requirements.txt Normal file
View File

@ -0,0 +1,5 @@
tokenizers==0.14.0
transformers==4.34.0
torch==2.1.0
peft==0.5.0
datasets==2.14.1

123
skywork_chat_demo.py Normal file
View File

@ -0,0 +1,123 @@
from transformers import AutoModelForCausalLM, AutoTokenizer
from transformers.generation import GenerationConfig
from transformers import AutoConfig
import torch
def load(tokenizer_path, checkpoint_path):
print('Loading tokenizer ...')
tokenizer = AutoTokenizer.from_pretrained(
tokenizer_path, use_fast=False, trust_remote_code=True, padding_side='left')
tokenizer.add_tokens("[USER]")
tokenizer.add_tokens("[BOT]")
tokenizer.add_tokens("[SEP]")
print('Loading model ...')
config = AutoConfig.from_pretrained(checkpoint_path, trust_remote_code=True)
model = AutoModelForCausalLM.from_pretrained(
checkpoint_path, config=config, device_map="balanced_low_0", torch_dtype=torch.bfloat16, trust_remote_code=True)
model.generation_config = GenerationConfig.from_pretrained(
checkpoint_path, trust_remote_code=True)
model.generation_config.do_sample = True
model.eval()
if tokenizer.pad_token_id is None:
if tokenizer.eos_token_id is not None:
tokenizer.pad_token_id = tokenizer.eos_token_id
else:
tokenizer.pad_token_id = 0
return model, tokenizer
def extract_res(response):
if "[BOT]" in response:
response = response.split("[BOT]")[1]
if "<s>" in response:
response = response.split("<s>")[-1]
if "</s>" in response:
response = response.split("</s>")[0]
if "[SEP]" in response:
response = response.split("[SEP]")[0]
return response
def special_encode(prompt, tokenizer):
raw_str = "[USER]%s[SEP][BOT]" % prompt.strip().replace("\r", "")
bos_id = tokenizer.bos_token_id
eos_id = tokenizer.eos_token_id
sep_id = tokenizer.encode("[SEP]")[-1]
res_id = [eos_id, bos_id]
arr = raw_str.split("[SEP]")
for elem_idx in range(len(arr)):
elem = arr[elem_idx]
elem_id = tokenizer.encode(elem)[1:]
res_id += elem_id
if elem_idx < len(arr) - 1:
res_id.append(sep_id)
return res_id
if __name__ == '__main__':
tokenizer_path='skywork/skywork-13b-chat'
checkpoint_path = 'skywork/skywork-13b-chat'
model, tokenizer = load(tokenizer_path, checkpoint_path)
doc = "写一首七言绝句"
input_tokens = special_encode(doc, tokenizer)
input_tokens = torch.tensor(input_tokens).to(model.device).reshape(1, -1)
response = model.generate(input_tokens,
max_new_tokens=1000,
pad_token_id=tokenizer.pad_token_id,
do_sample=True,
top_p=0.8,
top_k=5,
temperature=0.95,
num_return_sequences=1,
repetition_penalty=1.1,
bos_token_id=1,
eos_token_id=2)
response = tokenizer.decode(response.cpu()[0], skip_special_tokens=True)
response = extract_res(response)
print(response)
"""生成结果:
千里莺啼绿水滨
万家歌笑白云间
男女老少皆朋友
和谐社会见温馨
"""
doc = "我是一名运动员,最近比赛取得很好的成绩受到大家的关注和认可。帮我写一份微博文案,帮我感谢大家支持我,要有日常感,并语言随意一些"
input_tokens = special_encode(doc, tokenizer)
input_tokens = torch.tensor(input_tokens).to(model.device).reshape(1, -1)
response = model.generate(input_tokens,
max_new_tokens=1000,
pad_token_id=tokenizer.pad_token_id,
do_sample=True,
top_p=0.8,
top_k=5,
temperature=0.95,
num_return_sequences=1,
repetition_penalty=1.1,
bos_token_id=1,
eos_token_id=2)
response = tokenizer.decode(response.cpu()[0], skip_special_tokens=True)
response = extract_res(response)
print(response)
"""生成结果:
谢谢每一个在我运动生涯中陪伴我的人你们的支持鼓励和信任是我前进的动力这段时间的比赛让我感受到了前所未有的成就和喜悦它们不仅属于我更属于那些一路陪伴我成长的人们
从心底里感谢所有支持我的人是你们的支持让我有了勇气和力量去追求更高的目标每一次的鼓励都是我前进道路上的光芒每一次的点赞都是对我努力的肯定
生活中的点滴让我们相互理解相互支持一起走过了无数个黎明和黄昏感谢你们的陪伴让我不再孤单让我更加坚定地走向未来
未来的路还很长但我愿意陪你一起走下去因为我知道你们的支持会一直伴随着我前行
再次感谢所有支持我的人你们是我心中最亮的星
#运动员# #体育精神#
"""

16
skywork_quick_start.py Normal file
View File

@ -0,0 +1,16 @@
from transformers import AutoModelForCausalLM, AutoTokenizer
from transformers.generation import GenerationConfig
import torch
tokenizer = AutoTokenizer.from_pretrained("Skywork/Skywork-13B-Base", trust_remote_code=True)
model = AutoModelForCausalLM.from_pretrained("Skywork/Skywork-13B-Base", device_map="auto", trust_remote_code=True).eval()
inputs = tokenizer('陕西的省会是西安', return_tensors='pt').to(model.device)
response = model.generate(inputs.input_ids, max_length=128)
print(tokenizer.decode(response.cpu()[0], skip_special_tokens=True))
inputs = tokenizer('陕西的省会是西安,甘肃的省会是兰州,河南的省会是郑州', return_tensors='pt').to(model.device)
response = model.generate(inputs.input_ids, max_length=128)
print(tokenizer.decode(response.cpu()[0], skip_special_tokens=True))

151
train/build_dataset.py Normal file
View File

@ -0,0 +1,151 @@
import logging
import os
from dataclasses import dataclass
from typing import Dict, Sequence, Union, List, Any, Mapping
import datasets
import torch
from datasets import load_dataset, concatenate_datasets
import transformers
import numpy as np
IGNORE_INDEX = -100
logger = logging.getLogger('__name__')
PROMPT_TEMPLATE = (
"[INST] <<SYS>>\n"
"You are a helpful assistant. 你是一个乐于助人的助手。\n"
"<</SYS>>\n\n{instruction} [/INST]"
)
def build_instruction_dataset(data_path: Union[List[str],str],
tokenizer: transformers.PreTrainedTokenizer,
max_seq_length: int, data_cache_dir = None,
preprocessing_num_workers = None,
):
def tokenization(examples):
sources = []
targets = []
prompt = PROMPT_TEMPLATE
for instruction, input, output in zip(examples['instruction'],examples['input'],examples['output']):
if input is not None and input !="":
instruction = instruction+'\n'+input
source = prompt.format_map({'instruction':instruction})
source = instruction
target = f"{output}{tokenizer.eos_token}"
sources.append(source)
targets.append(target)
tokenized_sources = tokenizer(sources,return_attention_mask=False)
tokenized_targets = tokenizer(targets,return_attention_mask=False,add_special_tokens=False)
all_input_ids = []
all_labels = []
for s,t in zip(tokenized_sources['input_ids'],tokenized_targets['input_ids']):
input_ids = torch.LongTensor(s + t)[:max_seq_length]
labels = torch.LongTensor([IGNORE_INDEX] * len(s) + t)[:max_seq_length]
assert len(input_ids) == len(labels)
all_input_ids.append(input_ids)
all_labels.append(labels)
results = {'input_ids':all_input_ids, 'labels': all_labels}
return results
logging.warning("building dataset...")
all_datasets = []
if not isinstance(data_path,(list,tuple)):
data_path = [data_path]
for file in data_path:
if data_cache_dir is None:
data_cache_dir = str(os.path.dirname(file))
cache_path = os.path.join(data_cache_dir, os.path.basename(file).split('.')[0]+f"_{max_seq_length}")
os.makedirs(cache_path, exist_ok=True)
try:
processed_dataset = datasets.load_from_disk(cache_path)
logger.info(f'training datasets-{file} has been loaded from disk')
except Exception:
raw_dataset = load_dataset("json", data_files=file, cache_dir=cache_path)
tokenization_func = tokenization
tokenized_dataset = raw_dataset.map(
tokenization_func,
batched=True,
num_proc=preprocessing_num_workers,
remove_columns=["instruction","input","output"],
keep_in_memory=False,
desc="preprocessing on dataset",
)
processed_dataset = tokenized_dataset
processed_dataset.save_to_disk(cache_path)
processed_dataset.set_format('torch')
all_datasets.append(processed_dataset['train'])
all_datasets = concatenate_datasets(all_datasets)
return all_datasets
@dataclass
class DataCollatorForSupervisedDataset(object):
"""Collate examples for supervised fine-tuning."""
tokenizer: transformers.PreTrainedTokenizer
def __call__(self, instances: Sequence[Dict]) -> Dict[str, torch.Tensor]:
input_ids, labels = tuple([instance[key] for instance in instances] for key in ("input_ids", "labels"))
input_ids = torch.nn.utils.rnn.pad_sequence(
input_ids, batch_first=True, padding_value=self.tokenizer.pad_token_id
)
labels = torch.nn.utils.rnn.pad_sequence(labels, batch_first=True, padding_value=-100)
return dict(
input_ids=input_ids,
labels=labels,
attention_mask=input_ids.ne(self.tokenizer.pad_token_id),
)
def fault_tolerance_data_collator(features: List) -> Dict[str, Any]:
if not isinstance(features[0], Mapping):
features = [vars(f) for f in features]
first = features[0]
batch = {}
# Special handling for labels.
# Ensure that tensor is created with the correct type
# (it should be automatically the case, but let's make sure of it.)
if "label" in first and first["label"] is not None:
label = first["label"].item() if isinstance(first["label"], torch.Tensor) else first["label"]
dtype = torch.long if isinstance(label, int) else torch.float
batch["labels"] = torch.tensor([f["label"] for f in features], dtype=dtype)
elif "label_ids" in first and first["label_ids"] is not None:
if isinstance(first["label_ids"], torch.Tensor):
batch["labels"] = torch.stack([f["label_ids"] for f in features])
else:
dtype = torch.long if isinstance(first["label_ids"][0], int) else torch.float
batch["labels"] = torch.tensor([f["label_ids"] for f in features], dtype=dtype)
# Handling of all other possible keys.
# Again, we will use the first element to figure out which key/values are not None for this model.
try:
for k, v in first.items():
if k not in ("label", "label_ids") and v is not None and not isinstance(v, str):
if isinstance(v, torch.Tensor):
batch[k] = torch.stack([f[k] for f in features])
elif isinstance(v, np.ndarray):
batch[k] = torch.tensor(np.stack([f[k] for f in features]))
else:
batch[k] = torch.tensor([f[k] for f in features])
except ValueError: # quick fix by simply take the first example
for k, v in first.items():
if k not in ("label", "label_ids") and v is not None and not isinstance(v, str):
if isinstance(v, torch.Tensor):
batch[k] = torch.stack([features[0][k]] * len(features))
elif isinstance(v, np.ndarray):
batch[k] = torch.tensor(np.stack([features[0][k]] * len(features)))
else:
batch[k] = torch.tensor([features[0][k]] * len(features))
return batch

View File

@ -0,0 +1,11 @@
{
"train_batch_size" : 32,
"train_micro_batch_size_per_gpu": 1,
"steps_per_print": 10,
"zero_optimization": {
"stage": 2
},
"bf16": {
"enabled": true
}
}

View File

@ -0,0 +1,11 @@
{
"train_batch_size" : "auto",
"train_micro_batch_size_per_gpu": "auto",
"steps_per_print": 10,
"zero_optimization": {
"stage": 2
},
"bf16": {
"enabled": true
}
}

View File

@ -0,0 +1,24 @@
{
"train_batch_size" : "auto",
"train_micro_batch_size_per_gpu": "auto",
"steps_per_print": 10,
"gradient_accumulation_steps": "auto",
"wall_clock_breakdown": false,
"zero_optimization": {
"stage": 2,
"offload_optimizer": {
"device": "cpu",
"pin_memory": true
},
"offload_param": {
"device": "cpu",
"pin_memory": true
},
"overlap_comm": true,
"contiguous_gradients": true,
"reduce_bucket_size": 5e8
},
"bf16": {
"enabled": true
}
}

View File

@ -0,0 +1,26 @@
{
"train_batch_size" : "auto",
"train_micro_batch_size_per_gpu": "auto",
"steps_per_print": 10,
"gradient_accumulation_steps": "auto",
"wall_clock_breakdown": false,
"zero_optimization": {
"stage": 3,
"contiguous_gradients": true,
"stage3_max_live_parameters": 1e9,
"stage3_max_reuse_distance": 1e9,
"stage3_prefetch_bucket_size": 1e7,
"stage3_param_persistence_threshold": 1e5,
"reduce_bucket_size": 1e7,
"sub_group_size": 1e9,
"offload_optimizer": {
"device": "cpu"
},
"offload_param": {
"device": "cpu"
}
},
"bf16": {
"enabled": true
}
}

101
train/pt_data_preprocess.py Normal file
View File

@ -0,0 +1,101 @@
#!/usr/bin/env python
# coding=utf-8
# Copyright 2020 The HuggingFace Inc. team. All rights reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# http://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS,
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.
import os
from itertools import chain
from transformers import AutoTokenizer
from datasets import load_dataset
import argparse
def main(args):
tokenizer = AutoTokenizer.from_pretrained(args.tokenizer_path, use_fast=False, trust_remote_code=True)
def tokenize_function(examples):
output = tokenizer(examples[args.text_field])
return output
block_size = args.block_size
# Main data processing function that will concatenate all texts from our dataset and generate chunks of block_size.
def group_texts(examples):
# Concatenate all texts.
concatenated_examples = {k: list(chain(*examples[k])) for k in examples.keys()}
total_length = len(concatenated_examples[list(examples.keys())[0]])
# We drop the small remainder, we could add padding if the model supported it instead of this drop, you can
# customize this part to your needs.
if total_length >= block_size:
total_length = (total_length // block_size) * block_size
result = {
k: [t[i : i + block_size] for i in range(0, total_length, block_size)]
for k, t in concatenated_examples.items()
}
result["labels"] = result["input_ids"].copy()
return result
filename = '.'.join(args.input_file.split("/")[-1].split(".")[:-1])
os.makedirs(args.output_dir, exist_ok=True)
cache_dir = os.path.join(args.output_dir, filename)
tmp_cache_dir = os.path.join(args.output_dir, filename+"_text")
if args.data_type == "jsonl":
raw_dataset = load_dataset("json", data_files=args.input_file, cache_dir=tmp_cache_dir, keep_in_memory=False, encoding="utf8")
elif args.data_type == 'text':
raw_dataset = load_dataset("text", data_files=args.input_file, cache_dir=tmp_cache_dir, keep_in_memory=False, encoding="utf8")
else:
raise NotImplementedError(f"data type should be in json,txt not {args.data_type}")
print("remove_column_names:", raw_dataset.column_names['train'])
tokenized_dataset = raw_dataset.map(
tokenize_function,
batched=True,
num_proc=args.preprocessing_num_workers,
remove_columns=raw_dataset.column_names['train'],
load_from_cache_file=True,
keep_in_memory=False,
cache_file_names = {k: os.path.join(tmp_cache_dir, 'tokenized.arrow') for k in raw_dataset},
desc="Running tokenizer on dataset",
)
if args.filter_by_length is not None:
tokenized_dataset["train"] = tokenized_dataset["train"].filter(
lambda x: len(x["input_ids"]) >= args.filter_by_length
)
grouped_datasets = tokenized_dataset.map(
group_texts,
batched=True,
num_proc=args.preprocessing_num_workers,
load_from_cache_file=True,
keep_in_memory=False,
cache_file_names = {k: os.path.join(tmp_cache_dir, 'grouped.arrow') for k in tokenized_dataset},
desc=f"Grouping texts in chunks of {block_size}",
)
processed_dataset = grouped_datasets
processed_dataset.save_to_disk(cache_dir)
if __name__ == "__main__":
parser = argparse.ArgumentParser()
parser.add_argument('-t', '--tokenizer_path', default=None, type=str, required=True)
parser.add_argument('-w', '--preprocessing_num_workers', default=64, type=int)
parser.add_argument('-b', '--block_size',default=4096,type=int)
parser.add_argument('-i', '--input_file',default=None, type=str,help="")
parser.add_argument('-o', '--output_dir',default=None, type=str,help="")
parser.add_argument('--data_type',default='jsonl', type=str,help="")
parser.add_argument('--text_field',default='text', type=str,help="")
parser.add_argument('--filter_by_length',default=None, type=int, help="")
args = parser.parse_args()
main(args)

455
train/train.py Normal file
View File

@ -0,0 +1,455 @@
#!/usr/bin/env python
# coding=utf-8
# Copyright 2020 The HuggingFace Inc. team. All rights reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# http://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS,
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.
"""
Fine-tuning the library models for causal language modeling (GPT, GPT-2, CTRL, ...) on a text file or a dataset.
Here is the full list of checkpoints on the hub that can be fine-tuned by this script:
https://huggingface.co/models?filter=text-generation
"""
# You can also adapt this script on your own causal language modeling task. Pointers for this are left as comments.
import logging
import math
import os
import sys
from dataclasses import dataclass, field
from typing import Optional, List
from pathlib import Path
import datasets
import torch
from build_dataset import fault_tolerance_data_collator, build_instruction_dataset, DataCollatorForSupervisedDataset
import transformers
from transformers import Trainer, GPTQConfig, deepspeed
from transformers import (
CONFIG_MAPPING,
AutoConfig,
AutoModelForCausalLM,
BitsAndBytesConfig,
AutoTokenizer,
HfArgumentParser,
Trainer,
TrainingArguments,
set_seed,
)
from transformers.trainer_utils import get_last_checkpoint
from transformers.utils import send_example_telemetry
from transformers.utils.versions import require_version
from peft import LoraConfig, get_peft_model, prepare_model_for_kbit_training
from transformers.trainer_utils import PREFIX_CHECKPOINT_DIR
import sys
@dataclass
class ModelArguments:
"""
Arguments pertaining to which model/config/tokenizer we are going to fine-tune, or train from scratch.
"""
model_name_or_path: Optional[str] = field(
default=None,
metadata={
"help": (
"The model checkpoint for weights initialization.Don't set if you want to train a model from scratch."
)
},
)
tokenizer_name_or_path: Optional[str] = field(
default=None,
metadata={
"help": (
"The tokenizer for weights initialization.Don't set if you want to train a model from scratch."
)
},
)
config_overrides: Optional[str] = field(
default=None,
metadata={
"help": (
"Override some existing default config settings when a model is trained from scratch. Example: "
"n_embd=10,resid_pdrop=0.2,scale_attn_weights=false,summary_type=cls_index"
)
},
)
config_name: Optional[str] = field(
default=None, metadata={"help": "Pretrained config name or path if not the same as model_name"}
)
cache_dir: Optional[str] = field(
default=None,
metadata={"help": "Where do you want to store the pretrained models downloaded from huggingface.co"},
)
use_fast_tokenizer: bool = field(
default=True,
metadata={"help": "Whether to use one of the fast tokenizer (backed by the tokenizers library) or not."},
)
model_revision: str = field(
default="main",
metadata={"help": "The specific model version to use (can be a branch name, tag name or commit id)."},
)
use_auth_token: bool = field(
default=False,
metadata={
"help": (
"Will use the token generated when running `huggingface-cli login` (necessary to use this script "
"with private models)."
)
},
)
torch_dtype: Optional[str] = field(
default=None,
metadata={
"help": (
"Override the default `torch.dtype` and load the model under this dtype. If `auto` is passed, the "
"dtype will be automatically derived from the model's weights."
),
"choices": ["auto", "bfloat16", "float16", "float32"],
},
)
def __post_init__(self):
if self.config_overrides is not None and (self.config_name is not None or self.model_name_or_path is not None):
raise ValueError(
"--config_overrides can't be used in combination with --config_name or --model_name_or_path"
)
@dataclass
class DataArguments:
"""
Arguments pertaining to what data we are going to input our model for training and eval.
"""
sft_dataset_dir: Optional[str] = field(
default=None, metadata={"help": "The name of the dataset to use (via the datasets library)."}
)
overwrite_cache: bool = field(
default=False, metadata={"help": "Overwrite the cached training and evaluation sets"}
)
preprocessing_num_workers: Optional[int] = field(
default=None,
metadata={"help": "The number of processes to use for the preprocessing."},
)
data_cache_dir: Optional[str] = field(default=None, metadata={"help": "The datasets processed stored"})
max_train_samples: Optional[int] = field(default=None, metadata={"help": "maximum number of train samples"})
max_seq_length: Optional[int] = field(default=1024)
@dataclass
class TrainingArguments(TrainingArguments):
load_in_kbits: Optional[int] = field(default=16)
report_to: Optional[str] = field(default='none')
run_name: Optional[str] = field(default='project_name')
use_lora: Optional[bool] = False
task_type: Optional[str] = field(default='pt')
# cache_dir: Optional[str] = field(default='model_cache')
@dataclass
class LoraArguments:
lora_r: Optional[int] = 64
lora_alpha: Optional[int] = 16
lora_dropout: Optional[float] = 0.05
lora_target_modules: Optional[List[str]] = field(
default_factory=lambda: ["q_proj", "v_proj"]
)
lora_weight_path: Optional[str] = ""
lora_bias: Optional[str] = field(default='none')
modules_to_save: Optional[str] = field(
default_factory=lambda: ["embed_tokens", "lm_head"]
)
use_q_lora: Optional[bool] = False
# Borrowed from peft.utils.get_peft_model_state_dict
def get_peft_state_maybe_zero_3(named_params, bias):
if bias == "none":
to_return = {k: t for k, t in named_params if "lora_" in k}
elif bias == "all":
to_return = {k: t for k, t in named_params if "lora_" in k or "bias" in k}
elif bias == "lora_only":
to_return = {}
maybe_lora_bias = {}
lora_bias_names = set()
for k, t in named_params:
if "lora_" in k:
to_return[k] = t
bias_name = k.split("lora_")[0] + "bias"
lora_bias_names.add(bias_name)
elif "bias" in k:
maybe_lora_bias[k] = t
for k, t in maybe_lora_bias:
if bias_name in lora_bias_names:
to_return[bias_name] = t
else:
raise NotImplementedError
to_return = {k: maybe_zero_3(v) for k, v in to_return.items()}
return to_return
def safe_save_model_for_hf_trainer(trainer: transformers.Trainer, output_dir: str, bias="none"):
"""Collects the state dict and dump to disk."""
# check if zero3 mode enabled
if deepspeed.is_deepspeed_zero3_enabled():
state_dict = trainer.model_wrapped._zero3_consolidated_16bit_state_dict()
else:
if trainer.args.use_lora:
state_dict = get_peft_state_maybe_zero_3(
trainer.model.named_parameters(), bias
)
else:
state_dict = trainer.model.state_dict()
if trainer.args.should_save and trainer.args.local_rank == 0:
trainer._save(output_dir, state_dict=state_dict)
logger = logging.getLogger(__name__)
def main():
parser = transformers.HfArgumentParser(
(ModelArguments, DataArguments, TrainingArguments, LoraArguments)
)
(
model_args,
data_args,
training_args,
lora_args,
) = parser.parse_args_into_dataclasses()
device_map = "auto"
world_size = int(os.environ.get("WORLD_SIZE", 1))
ddp = world_size != 1
if lora_args.use_q_lora:
device_map = {"": int(os.environ.get("LOCAL_RANK") or 0)} if ddp else None
if len(training_args.fsdp) > 0 or deepspeed.is_deepspeed_zero3_enabled():
logging.warning(
"FSDP or ZeRO3 are not incompatible with QLoRA."
)
send_example_telemetry("run_pt", model_args, data_args)
# Setup logging
logging.basicConfig(format="%(asctime)s - %(levelname)s - %(name)s - %(message)s",datefmt="%m/%d/%Y %H:%M:%S",
level=logging.INFO, # if training_args.local_rank in [-1, 0] else logging.WARN,
handlers=[logging.StreamHandler(sys.stdout)],)
if training_args.should_log:
# The default of training_args.log_level is passive, so we set log level at info here to have that default.
transformers.utils.logging.set_verbosity_info()
log_level = training_args.get_process_log_level()
logger.setLevel(log_level)
datasets.utils.logging.set_verbosity(log_level)
transformers.utils.logging.set_verbosity(log_level)
transformers.utils.logging.enable_default_handler()
transformers.utils.logging.enable_explicit_format()
# Log on each process the small summary:
logger.warning(
f"Process rank: {training_args.local_rank}, device: {training_args.device}, n_gpu: {training_args.n_gpu}"
+ f"distributed training: {bool(training_args.local_rank != -1)}, 16-bits training: {training_args.fp16 or training_args.bf16}"
)
# Detecting last checkpoint.
last_checkpoint = None
if os.path.isdir(training_args.output_dir) and training_args.do_train and not training_args.overwrite_output_dir:
last_checkpoint = get_last_checkpoint(training_args.output_dir)
if last_checkpoint is None and len(os.listdir(training_args.output_dir)) > 0:
raise ValueError(
f"Output directory ({training_args.output_dir}) already exists and is not empty. "
"Use --overwrite_output_dir to overcome."
)
elif last_checkpoint is not None and training_args.resume_from_checkpoint is None:
logger.info(
f"Checkpoint detected, resuming training at {last_checkpoint}. To avoid this behavior, change "
"the `--output_dir` or add `--overwrite_output_dir` to train from scratch."
)
# Set seed before initializing model.
set_seed(training_args.seed)
config = AutoConfig.from_pretrained(model_args.model_name_or_path, trust_remote_code=True)
tokenizer = AutoTokenizer.from_pretrained(model_args.tokenizer_name_or_path, use_fast=False, trust_remote_code=True)
if tokenizer.pad_token_id is None:
if tokenizer.eos_token_id is not None:
tokenizer.pad_token_id = tokenizer.eos_token_id
else:
tokenizer.pad_token_id = 0
eval_dataset=None
train_dataset = None
if training_args.do_train:
if training_args.task_type == "pt":
train_dataset = datasets.load_from_disk(data_args.data_cache_dir, keep_in_memory=False)["train"]
if data_args.max_train_samples is not None:
max_train_samples = min(len(train_dataset), data_args.max_train_samples)
train_dataset = train_dataset.select(range(max_train_samples))
logger.info(f"Start shuffling training dataset.")
print("train_dataset", train_dataset)
train_dataset = train_dataset.shuffle(seed=training_args.seed)
logger.info(f"shuffle successively!")
logger.info(f"Num train_samples {len(train_dataset)}")
logger.info("Training example:")
logger.info(tokenizer.decode(train_dataset[0]['input_ids']))
elif training_args.task_type == "sft":
path = Path(data_args.sft_dataset_dir)
files = [os.path.join(path, jsonl_file.name) for jsonl_file in path.glob("*.jsonl")]
logger.info(f"SFT Training files: {' '.join(files)}")
train_dataset = build_instruction_dataset(
data_path=files,
tokenizer=tokenizer,
max_seq_length=data_args.max_seq_length,
data_cache_dir = data_args.data_cache_dir,
preprocessing_num_workers = data_args.preprocessing_num_workers)
logger.info(f"Num train_samples {len(train_dataset)}")
logger.info("Training example:")
logger.info(tokenizer.decode(train_dataset[0]['input_ids']))
else:
raise ValueError(f"task_type must be either sft or pt, but found{training_args.task_type}")
torch_dtype = (
model_args.torch_dtype
if model_args.torch_dtype in ["auto", None]
else getattr(torch, model_args.torch_dtype)
)
compute_dtype = (torch.float16 if training_args.fp16 else (torch.bfloat16 if training_args.bf16 else torch.float32))
print(f"torch_dtype: {torch_dtype}, compute_dtype: {compute_dtype}")
if training_args.load_in_kbits in [4, 8]:
load_in_4bit = training_args.load_in_kbits == 4
load_in_8bit = training_args.load_in_kbits == 8
if training_args.modules_to_save is not None:
load_in_8bit_skip_modules = training_args.modules_to_save.split(',')
else:
load_in_8bit_skip_modules = None
quantization_config = BitsAndBytesConfig(
load_in_4bit=training_args.load_in_kbits == 4,
load_in_8bit=training_args.load_in_kbits == 8,
llm_int8_threshold=6.0,
load_in_8bit_skip_modules=load_in_8bit_skip_modules,
bnb_4bit_compute_dtype=compute_dtype,
bnb_4bit_use_double_quant=training_args.double_quant,
bnb_4bit_quant_type=training_args.quant_type # {'fp4', 'nf4'}
)
else:
load_in_4bit = False
load_in_8bit = False
quantization_config = None
if quantization_config is not None:
logger.info(f"quantization_config:{quantization_config.to_dict()}")
# Load model and tokenizer
model = transformers.AutoModelForCausalLM.from_pretrained(
model_args.model_name_or_path,
config=config,
cache_dir=model_args.cache_dir,
trust_remote_code=True,
quantization_config=GPTQConfig(
bits=4, disable_exllama=True
)
if training_args.use_lora and lora_args.use_q_lora
else None,
)
model_vocab_size = model.get_input_embeddings().weight.shape[0]
logger.info(f"Model vocab size: {model_vocab_size}")
logger.info(f"len(tokenizer):{len(tokenizer)}")
if model_vocab_size != len(tokenizer):
logger.info(f"Resize model vocab size to {len(tokenizer)}")
model.resize_token_embeddings(len(tokenizer))
if training_args.use_lora:
if lora_args.use_q_lora or 'chat' in model_args.model_name_or_path.lower():
modules_to_save = None
else:
modules_to_save = lora_args.modules_to_save
lora_config = LoraConfig(
r=lora_args.lora_r,
lora_alpha=lora_args.lora_alpha,
target_modules=lora_args.lora_target_modules,
lora_dropout=lora_args.lora_dropout,
bias=lora_args.lora_bias,
task_type="CAUSAL_LM",
modules_to_save=modules_to_save # This argument serves for adding new tokens.
)
if lora_args.use_q_lora:
model = prepare_model_for_kbit_training(
model, use_gradient_checkpointing=training_args.gradient_checkpointing
)
model = get_peft_model(model, lora_config)
# Print peft trainable params
model.print_trainable_parameters()
if training_args.gradient_checkpointing:
model.enable_input_require_grads()
model.config.use_cache = False
data_collator = fault_tolerance_data_collator if training_args.task_type == "pt" else DataCollatorForSupervisedDataset(tokenizer=tokenizer)
# Initialize our Trainer
trainer = Trainer(
model=model,
args=training_args,
train_dataset=train_dataset,
eval_dataset=eval_dataset,
tokenizer=tokenizer,
data_collator=data_collator
)
# Training
if training_args.do_train:
checkpoint = None
if training_args.resume_from_checkpoint is not None:
checkpoint = training_args.resume_from_checkpoint
elif last_checkpoint is not None:
checkpoint = last_checkpoint
train_result = trainer.train(resume_from_checkpoint=checkpoint)
metrics = train_result.metrics
metrics["train_samples"] = len(train_dataset)
trainer.log_metrics("train", metrics)
trainer.save_metrics("train", metrics)
trainer.save_state()
safe_save_model_for_hf_trainer(trainer=trainer, output_dir=training_args.output_dir, bias=lora_args.lora_bias)
# Evaluation
if training_args.do_eval:
logger.info("*** Evaluate ***")
metrics = trainer.evaluate()
metrics["eval_samples"] =len(eval_dataset)
try:
perplexity = math.exp(metrics["eval_loss"])
except OverflowError:
perplexity = float("inf")
metrics["perplexity"] = perplexity
trainer.log_metrics("eval", metrics)
trainer.save_metrics("eval", metrics)
if __name__ == "__main__":
main()